diff --git a/tutorials/W1D1_Generalization/W1D1_Tutorial1.ipynb b/tutorials/W1D1_Generalization/W1D1_Tutorial1.ipynb index e2f4925ce..00c61d8c5 100644 --- a/tutorials/W1D1_Generalization/W1D1_Tutorial1.ipynb +++ b/tutorials/W1D1_Generalization/W1D1_Tutorial1.ipynb @@ -8,21 +8,130 @@ "outputs": [], "source": [ "# Install \n", - "!pip install transformers gradio sentencepiece\n", - "!pip install numpy \n", - "\n" + "#!pip install transformers gradio sentencepiece numpy torch torchvision trdg Pillow==9.5.0\n", + "\n", + "# Core Python Data Science and Image Processing Libraries\n", + "import numpy as np\n", + "from PIL import Image\n", + "import matplotlib.pyplot as plt\n", + "\n", + "# Deep Learning and Model Specific Libraries\n", + "import torch\n", + "from torchvision import transforms\n", + "from transformers import TrOCRProcessor, VisionEncoderDecoderModel\n", + "\n", + "# Utility and Interface Libraries\n", + "import gradio as gr\n", + "from IPython.display import IFrame\n", + "from trdg.generators import GeneratorFromStrings\n" ] }, { "cell_type": "code", "execution_count": null, - "id": "b00326ca-807d-460f-adf4-767e94bc0ccc", + "id": "1bf34b9a-1dd5-458a-b390-0fa12609d532", "metadata": {}, "outputs": [], "source": [ - "from transformers import TrOCRProcessor, VisionEncoderDecoderModel\n", - "import gradio as gr\n", + "# @title Plotting functions\n", + "\n", + "def display_image(image_path):\n", + " \"\"\"Display an image from a given file path.\n", + "\n", + " Args:\n", + " image_path (str): The path to the image file.\n", + " \"\"\"\n", + " # Open the image\n", + " image = Image.open(image_path)\n", + " if image.mode != 'RGB':\n", + " image = image.convert('RGB')\n", "\n", + " # Display the image\n", + " plt.imshow(image)\n", + " plt.axis('off') # Turn off the axis\n", + " plt.show()\n", + "\n", + "def display_transformed_images(image, transformations):\n", + " \"\"\"\n", + " Apply a list of transformations to an image and display them.\n", + "\n", + " Args:\n", + " image (Tensor): The input image as a tensor.\n", + " transformations (list): A list of torchvision transformations to apply.\n", + " \"\"\"\n", + " # Convert tensor image to PIL Image for display\n", + " pil_image = transforms.ToPILImage()(image)\n", + "\n", + " fig, axs = plt.subplots(len(transformations) + 1, 1, figsize=(5, 15))\n", + " axs[0].imshow(pil_image)\n", + " axs[0].set_title('Original')\n", + " axs[0].axis('off')\n", + "\n", + " for i, transform in enumerate(transformations):\n", + " # Apply transformation if it's not the placeholder\n", + " if transform != \"Custom ElasticTransform Placeholder\":\n", + " transformed_image = transform(image)\n", + " # Convert transformed tensor image to PIL Image for display\n", + " display_image = transforms.ToPILImage()(transformed_image)\n", + " axs[i+1].imshow(display_image)\n", + " axs[i+1].set_title(transform.__class__.__name__)\n", + " axs[i+1].axis('off')\n", + " else:\n", + " axs[i+1].text(0.5, 0.5, 'ElasticTransform Placeholder', ha='center')\n", + " axs[i+1].axis('off')\n", + "\n", + " plt.tight_layout()\n", + " plt.show()\n", + "\n", + "def display_original_and_transformed_images(original_tensor, transformed_tensor):\n", + " \"\"\"\n", + " Display the original and transformed images side by side.\n", + "\n", + " Args:\n", + " original_tensor (Tensor): The original image as a tensor.\n", + " transformed_tensor (Tensor): The transformed image as a tensor.\n", + " \"\"\"\n", + " fig, axs = plt.subplots(1, 2, figsize=(10, 5))\n", + "\n", + " # Display original image\n", + " original_image = original_tensor.permute(1, 2, 0) # Convert from (C, H, W) to (H, W, C)\n", + " axs[0].imshow(original_image)\n", + " axs[0].set_title('Original')\n", + " axs[0].axis('off')\n", + "\n", + " # Display transformed image\n", + " transformed_image = transformed_tensor.permute(1, 2, 0) # Convert from (C, H, W) to (H, W, C)\n", + " axs[1].imshow(transformed_image)\n", + " axs[1].set_title('Transformed')\n", + " axs[1].axis('off')\n", + "\n", + " plt.show()\n", + "\n", + "def display_generated_images(generator):\n", + " \"\"\"\n", + " Display images generated from strings.\n", + "\n", + " Args:\n", + " generator (GeneratorFromStrings): A generator that produces images from strings.\n", + " \"\"\"\n", + " plt.figure(figsize=(15, 3))\n", + " for i, (text_img, lbl) in enumerate(generator, 1):\n", + " ax = plt.subplot(1, len(generator.strings) * generator.count // len(generator.strings), i)\n", + " plt.imshow(text_img)\n", + " plt.title(f\"Example {i}\")\n", + " plt.axis('off')\n", + " \n", + " plt.tight_layout()\n", + " plt.show()\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b00326ca-807d-460f-adf4-767e94bc0ccc", + "metadata": {}, + "outputs": [], + "source": [ "# Load the pre-trained TrOCR model and processor\n", "model = VisionEncoderDecoderModel.from_pretrained(\"microsoft/trocr-small-handwritten\")\n", "processor = TrOCRProcessor.from_pretrained(\"microsoft/trocr-small-handwritten\")\n", @@ -43,7 +152,6 @@ " description=\"Demo for Microsoft’s TrOCR, an encoder-decoder model for OCR on single-text line images.\",\n", ")\n", "\n", - "\n", "# Launch the interface\n", "interface.launch()\n" ] @@ -55,9 +163,6 @@ "metadata": {}, "outputs": [], "source": [ - "#Imports\n", - "from transformers import TrOCRProcessor, VisionEncoderDecoderModel\n", - "\n", "# Load the model\n", "model = VisionEncoderDecoderModel.from_pretrained(\"microsoft/trocr-small-handwritten\")\n" ] @@ -101,18 +206,7 @@ "# Count parameters in the decoder\n", "decoder_params = count_parameters(model.decoder)\n", "\n", - "encoder_params, decoder_params\n" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "bf37c12f-77c3-4b90-841d-901b0ee4bb8c", - "metadata": {}, - "outputs": [], - "source": [ - "# Imports\n", - "import numpy as np" + "encoder_params, decoder_params" ] }, { @@ -253,22 +347,6 @@ "time_to_write_lifetimes_llama = calculate_writing_time(total_words_llama2, words_per_day, days_per_week, weeks_per_year, average_human_lifespan)" ] }, - { - "cell_type": "code", - "execution_count": null, - "id": "76cafcd3-4c19-4a5d-a9b5-c0c65e1c777a", - "metadata": {}, - "outputs": [], - "source": [ - "#Install and imports\n", - "!pip install torch torchvision trdg\n", - "!pip install Pillow==9.5.0\n", - "import torch\n", - "from torchvision import transforms\n", - "from PIL import Image\n", - "import matplotlib.pyplot as plt\n" - ] - }, { "cell_type": "code", "execution_count": null, @@ -276,18 +354,9 @@ "metadata": {}, "outputs": [], "source": [ - "# Path to the image\n", + "# Usage\n", "image_path = '../static/img_1235.jpg'\n", - "\n", - "# Open the image\n", - "image = Image.open(image_path)\n", - "if image.mode != 'RGB':\n", - " image = image.convert('RGB')\n", - "\n", - "# Display the image\n", - "plt.imshow(image)\n", - "plt.axis('off') # Turn off the axis\n", - "plt.show()" + "display_image(image_path)" ] }, { @@ -298,8 +367,8 @@ "outputs": [], "source": [ "# Convert PIL Image to Tensor\n", - "to_tensor = transforms.ToTensor()\n", - "image = to_tensor(image)\n", + "image = Image.open(image_path)\n", + "image = transforms.ToTensor()(image)\n", "\n", "# Define each transformation separately\n", "# RandomAffine: applies rotations, translations, scaling. Here, rotates by up to ±15 degrees,\n", @@ -321,26 +390,7 @@ "# A list of all transformations for iteration\n", "transformations = [affine, elastic, perspective, erasing, gaussian_blur]\n", "\n", - "# Vertical stacking of transformations\n", - "fig, axs = plt.subplots(len(transformations) + 1, 1, figsize=(5, 15)) \n", - "\n", - "# Permute the image dimensions from (C, H, W) to (H, W, C) for display\n", - "display_image = image.permute(1, 2, 0)\n", - "\n", - "axs[0].imshow(display_image)\n", - "axs[0].set_title('Original')\n", - "axs[0].axis('off')\n", - "\n", - "for i, transform in enumerate(transformations, 1):\n", - " augmented_image = transforms.Compose([transform])(image)\n", - " # Permute the augmented image dimensions from (C, H, W) to (H, W, C) for display\n", - " display_augmented = augmented_image.permute(1, 2, 0)\n", - "\n", - " axs[i].imshow(display_augmented)\n", - " axs[i].set_title(transform.__class__.__name__)\n", - " axs[i].axis('off')\n", - "\n", - "plt.show()" + "display_transformed_images(image, transformations)" ] }, { @@ -357,8 +407,7 @@ "image = Image.open(image_path)\n", "\n", "# Convert PIL Image to Tensor\n", - "to_tensor = transforms.ToTensor()\n", - "image_tensor = to_tensor(image)\n", + "image_tensor = transforms.ToTensor()(image)\n", "\n", "# Define your transformations here\n", "affine = transforms.RandomAffine(degrees=15, translate=(0.1, 0.1), scale=(0.9, 1.1))\n", @@ -379,20 +428,8 @@ "# Apply combined transformation\n", "augmented_image_tensor = all_transforms(image_tensor)\n", "\n", - "# Set up matplotlib subplots\n", - "fig, axs = plt.subplots(1, 2, figsize=(10, 5))\n", - "\n", - "# Display original image\n", - "axs[0].imshow(image_tensor.permute(1, 2, 0)) # Change to (H, W, C) for display\n", - "axs[0].set_title('Original')\n", - "axs[0].axis('off')\n", - "\n", - "# Display augmented image\n", - "axs[1].imshow(augmented_image_tensor.permute(1, 2, 0)) # Change to (H, W, C) for display\n", - "axs[1].set_title('Transformed')\n", - "axs[1].axis('off')\n", - "\n", - "plt.show()\n" + "# Assuming 'image_tensor' and 'augmented_image_tensor' are defined as in your snippet\n", + "display_original_and_transformed_images(image_tensor, augmented_image_tensor)\n" ] }, { @@ -402,9 +439,6 @@ "metadata": {}, "outputs": [], "source": [ - "from trdg.generators import GeneratorFromStrings\n", - "import matplotlib.pyplot as plt\n", - "\n", "# Define your strings\n", "strings = ['Hello', 'This is Patrick', 'From NMA'] # Update this list as needed\n", "\n", @@ -417,16 +451,8 @@ " fonts=['Purisa'] # Update or add more fonts as needed\n", ")\n", "\n", - "# Setup matplotlib figure and display images\n", - "plt.figure(figsize=(15, 3))\n", - "for i, (text_img, lbl) in enumerate(generator, 1):\n", - " ax = plt.subplot(1, 5, i) # Adjust the number of subplots if needed\n", - " plt.imshow(text_img)\n", - " plt.title(f\"Example {i}\")\n", - " plt.axis('off')\n", - "\n", - "plt.tight_layout()\n", - "plt.show()\n" + "# Call the function with your generator\n", + "display_generated_images(generator)" ] }, { @@ -436,8 +462,6 @@ "metadata": {}, "outputs": [], "source": [ - "from IPython.display import IFrame\n", - "\n", "IFrame(\"https://www.calligrapher.ai/\", width=800, height=600)" ] } diff --git a/tutorials/W1D1_Generalization/W1D1_Tutorial2.ipynb b/tutorials/W1D1_Generalization/W1D1_Tutorial2.ipynb index b9b538063..3cb4ecb38 100644 --- a/tutorials/W1D1_Generalization/W1D1_Tutorial2.ipynb +++ b/tutorials/W1D1_Generalization/W1D1_Tutorial2.ipynb @@ -7,28 +7,243 @@ "metadata": {}, "outputs": [], "source": [ - "# Imports\n", - "import scipy.io\n", - "import numpy as np\n", - "import torch\n", - "from torch.utils.data import Dataset, DataLoader, random_split\n", - "import torch.nn as nn\n", - "from torch.utils.data import TensorDataset, DataLoader\n", - "import torch.optim as optim\n", + "#Install\n", + "#!pip install numpy matplotlib torch tqdm requests torchvision transformers\n", + "\n", + "# Standard Libraries for file and operating system operations, security, and web requests\n", "import os\n", "import hashlib\n", "import requests\n", + "import random\n", + "import gc\n", + "\n", + "# Core Python Data Science and Visualization Libraries\n", + "import numpy as np\n", + "import scipy\n", "from matplotlib import pyplot as plt\n", - "import tqdm as tqdm" + "\n", + "# Deep Learning Libraries\n", + "import torch\n", + "import torch.nn as nn\n", + "import torch.optim as optim\n", + "from torch.utils.data import Dataset, DataLoader, random_split, TensorDataset\n", + "\n", + "# Additional Utilities\n", + "import tqdm" ] }, { "cell_type": "code", "execution_count": 2, + "id": "f1bf7d34-d33a-4683-88e8-b27ae830ef73", + "metadata": {}, + "outputs": [], + "source": [ + "# @title Plotting functions\n", + "\n", + "def plot_inputs_over_time(timesteps, avg_inputs):\n", + " \"\"\"Plot average inputs over time.\"\"\"\n", + " plt.figure(figsize=(12, 4))\n", + " plt.plot(timesteps, avg_inputs, label='Inputs')\n", + " plt.title('Inputs over Time')\n", + " plt.xlabel('Time Step')\n", + " plt.ylabel('Average Value')\n", + " plt.legend()\n", + " plt.tight_layout()\n", + " plt.show()\n", + "\n", + "def plot_muscles_over_time(timesteps, avg_output):\n", + " \"\"\"Plot average muscle activity over time.\"\"\"\n", + " plt.figure(figsize=(12, 4))\n", + " plt.plot(timesteps, avg_output, label='Muscle')\n", + " plt.title('Muscles over Time')\n", + " plt.xlabel('Time Step')\n", + " plt.ylabel('Average Value')\n", + " plt.legend()\n", + " plt.tight_layout()\n", + " plt.show()\n", + "\n", + "def plot_training_validation_losses(epoch_losses, val_losses, actual_num_epochs):\n", + " \"\"\"Plot training and validation losses over epochs.\n", + " \n", + " Args:\n", + " epoch_losses (list): A list containing the training losses for each epoch.\n", + " val_losses (list): A list containing the validation losses for each epoch.\n", + " actual_num_epochs (int): The actual number of epochs training went through, which could be less due to early stopping.\n", + " \"\"\"\n", + " plt.figure(figsize=(10, 6))\n", + " plt.plot(range(1, actual_num_epochs + 1), epoch_losses, label='Training Loss')\n", + " plt.plot(range(1, actual_num_epochs + 1), val_losses, label='Validation Loss')\n", + " plt.xlabel('Epoch')\n", + " plt.ylabel('Loss')\n", + " plt.title('Training and Validation Loss (SimpleRNN)')\n", + " plt.legend()\n", + " plt.show()\n", + "\n", + "def plot_psth(data, title, bin_size=10):\n", + " \"\"\"\n", + " Plot Peri-Stimulus Time Histogram (PSTH) for given data.\n", + " :param data: a tensor containing the neural data of shape [conditions, delays, time, features]\n", + " :param title: a string for the plot title\n", + " :param bin_size: size of time bins for averaging\n", + " \"\"\"\n", + " # Averaging neural activity across conditions, delays for each time bin\n", + " mean_data = data.mean(dim=(0, 1)) # Mean across conditions and delays\n", + "\n", + " # Number of bins\n", + " n_bins = mean_data.shape[0] // bin_size\n", + "\n", + " # Prepare the data for plotting\n", + " binned_data = mean_data[:n_bins*bin_size].unfold(0, bin_size, bin_size).mean(dim=2)\n", + "\n", + " # Plot\n", + " plt.figure(figsize=(10, 6))\n", + " for i in range(binned_data.shape[1]): # Iterate over each feature/channel\n", + " plt.plot(binned_data[:, i], label=f'Feature {i+1}')\n", + " plt.xlabel('Time (bins)')\n", + " plt.ylabel('Average Activity')\n", + " plt.title(title)\n", + " plt.legend()\n", + " plt.show()\n", + "\n", + "def plot_hidden_unit_activations(hidden_states, timesteps, neurons_to_plot=5, title='PSTHs of Hidden Units'):\n", + " \"\"\"\n", + " Plot the average activation of the first few neurons in the hidden states over specified timesteps.\n", + " \n", + " Args:\n", + " hidden_states (np.ndarray): Array containing the hidden states of shape (time, batch, features).\n", + " timesteps (int): The number of timesteps to consider from the end of the hidden states array.\n", + " neurons_to_plot (int): Number of neurons' activations to plot.\n", + " title (str): Title of the plot.\n", + " \"\"\"\n", + " # Slicing to take only the last 'timesteps' timesteps\n", + " last_hidden_states = hidden_states[-timesteps:]\n", + " \n", + " # Apply the nonlinearity to each hidden state before averaging\n", + " rectified_tanh = lambda x: np.where(x > 0, np.tanh(x), 0)\n", + " hidden_states_rectified = rectified_tanh(np.array(last_hidden_states))\n", + " \n", + " # Calculate the mean across all batches for each time step\n", + " mean_activations = np.mean(hidden_states_rectified, axis=1)\n", + " \n", + " # Plotting\n", + " plt.figure(figsize=(12, 8))\n", + " for i in range(min(neurons_to_plot, hidden_states_rectified.shape[2])):\n", + " plt.plot(range(timesteps), mean_activations[:, i], label=f'Neuron {i+1}')\n", + " \n", + " plt.xlabel('Time Steps')\n", + " plt.ylabel('Average Activation')\n", + " plt.title(title)\n", + " plt.legend()\n", + " plt.show()\n", + "\n", + "def plot_perturbation_results(perturbation_strengths, results_simple, results_complex, title='Perturbation of the inputs'):\n", + " \"\"\"\n", + " Plot the normalized error of models under different perturbation strengths.\n", + "\n", + " Args:\n", + " perturbation_strengths (list): A list of perturbation strengths tested.\n", + " results_simple (list): A list of tuples containing (mean error, std deviation) for the simple model.\n", + " results_complex (list): A list of tuples containing (mean error, std deviation) for the complex model.\n", + " title (str): Title for the plot.\n", + " \"\"\"\n", + " mean_errors_simple, std_errors_simple = zip(*results_simple)\n", + " mean_errors_complex, std_errors_complex = zip(*results_complex)\n", + "\n", + " # Normalizing errors and standard deviations\n", + " max_error_simple = max(mean_errors_simple)\n", + " max_error_complex = max(mean_errors_complex)\n", + " normalized_mean_errors_simple = [(x / max_error_simple) * 100 for x in mean_errors_simple]\n", + " normalized_mean_errors_complex = [(x / max_error_complex) * 100 for x in mean_errors_complex]\n", + " normalized_std_errors_simple = [(y / max_error_simple) * 100 for y in std_errors_simple]\n", + " normalized_std_errors_complex = [(y / max_error_complex) * 100 for y in std_errors_complex]\n", + "\n", + " # Plotting\n", + " plt.figure(figsize=(10, 7))\n", + " bar_width = 0.35\n", + " bar_positions = np.arange(len(perturbation_strengths))\n", + "\n", + " plt.bar(bar_positions - bar_width/2, normalized_mean_errors_simple, width=bar_width, color='blue', yerr=normalized_std_errors_simple, capsize=5, label='Simple Model')\n", + " plt.bar(bar_positions + bar_width/2, normalized_mean_errors_complex, width=bar_width, color='red', yerr=normalized_std_errors_complex, capsize=5, label='Complex Model')\n", + "\n", + " plt.xlabel('Perturbation Magnitude')\n", + " plt.ylabel('Normalized Error (%)')\n", + " plt.title(title)\n", + " plt.xticks(bar_positions, [f\"{x:.5f}\" if x < 0.1 else f\"{x}\" for x in perturbation_strengths])\n", + " plt.legend()\n", + " plt.ylim(0, 100)\n", + " plt.show()\n" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "f70b8e4b-f2ca-42af-bcd1-27fb6cecbc30", + "metadata": {}, + "outputs": [], + "source": [ + "# @title Set device (GPU or CPU). Execute `set_device()`\n", + "# especially if torch modules used.\n", + "\n", + "# inform the user if the notebook uses GPU or CPU.\n", + "\n", + "def set_device():\n", + " device = \"cuda\" if torch.cuda.is_available() else \"cpu\"\n", + " if device != \"cuda\":\n", + " print(\"GPU is not enabled in this notebook. \\n\"\n", + " \"If you want to enable it, in the menu under `Runtime` -> \\n\"\n", + " \"`Hardware accelerator.` and select `GPU` from the dropdown menu\")\n", + " else:\n", + " print(\"GPU is enabled in this notebook. \\n\"\n", + " \"If you want to disable it, in the menu under `Runtime` -> \\n\"\n", + " \"`Hardware accelerator.` and select `None` from the dropdown menu\")\n", + "\n", + " return device" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "654e7c22-bd2a-4a6e-867e-462646e3b496", + "metadata": {}, + "outputs": [], + "source": [ + "# @title Set random seed, when using `pytorch`\n", + "\n", + "# @markdown Executing `set_seed(seed=seed)` you are setting the seed\n", + "\n", + "# Call `set_seed` function in the exercises to ensure reproducibility.\n", + "\n", + "def set_seed(seed=None, seed_torch=True):\n", + " if seed is None:\n", + " seed = np.random.choice(2 ** 32)\n", + " random.seed(seed)\n", + " np.random.seed(seed)\n", + " if seed_torch:\n", + " torch.manual_seed(seed)\n", + " torch.cuda.manual_seed_all(seed)\n", + " torch.cuda.manual_seed(seed)\n", + " torch.backends.cudnn.benchmark = False\n", + " torch.backends.cudnn.deterministic = True\n", + "\n", + " print(f'Random seed {seed} has been set.')\n", + "\n", + "# In case that `DataLoader` is used\n", + "def seed_worker(worker_id):\n", + " worker_seed = torch.initial_seed() % 2**32\n", + " np.random.seed(worker_seed)\n", + " random.seed(worker_seed)" + ] + }, + { + "cell_type": "code", + "execution_count": 5, "id": "85fea2ec-e1ee-4ebe-9dff-d3b253c3ba0b", "metadata": {}, "outputs": [], "source": [ + "#@title Data retrieval\n", + "\n", "# Variables for file and download URL\n", "fname = \"condsForSimJ2moMuscles.mat\" # The name of the file to be downloaded\n", "url = \"https://osf.io/wak7e/download\" # URL from where the file will be downloaded\n", @@ -58,113 +273,99 @@ }, { "cell_type": "code", - "execution_count": 3, - "id": "50c15d51-8e59-4305-a2bc-e270ac349085", + "execution_count": 6, + "id": "52b2b4f7-14f6-4374-a8a4-a17799d1f787", "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Go Envelope Tensor: torch.Size([27, 8, 296, 1])\n", - "Plan Tensor: torch.Size([27, 8, 296, 15])\n", - "Muscle Tensor: torch.Size([27, 8, 296, 2])\n" - ] - }, - { - "data": { - "text/plain": [ - "0" - ] - }, - "execution_count": 3, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ - "import numpy as np\n", - "import torch\n", - "import scipy.io\n", + "#@title Helper functions\n", "\n", - "# Load the .mat file\n", - "data = scipy.io.loadmat('condsForSimJ2moMuscles.mat')\n", + "def prepare_dataset(file_path, feature_idx=7, muscle_idx=1):\n", + " \"\"\"\n", + " Load and preprocess data from a .mat file for RNN training.\n", "\n", - "# Extract condsForSim struct\n", - "conds_for_sim = data['condsForSim']\n", + " Parameters:\n", + " - file_path: str, path to the .mat file containing the dataset.\n", + " - feature_idx: int, index for individual features for plotting. Max 14.\n", + " - muscle_idx: int, index for muscles for plotting. Max 1.\n", "\n", - "# Initialize lists to store data for all conditions\n", - "go_envelope_all = []\n", - "plan_all = []\n", - "muscle_all = []\n", + " Returns:\n", + " - normalised_inputs: Tensor, normalized and concatenated Plan and Go Envelope tensors.\n", + " - avg_output: Tensor, average muscle activity across conditions and delays.\n", + " - timesteps: np.ndarray, array of time steps for plotting.\n", + " \"\"\"\n", + " # Load the .mat file\n", + " data = scipy.io.loadmat(file_path)\n", "\n", - "# Get the number of conditions (rows) and delay durations (columns)\n", - "num_conditions, num_delays = conds_for_sim.shape\n", + " # Extract condsForSim struct\n", + " conds_for_sim = data['condsForSim']\n", "\n", - "# Loop through each condition and extract data\n", - "for i in range(num_conditions): # 27 conditions\n", - " go_envelope_condition = []\n", - " plan_condition = []\n", - " muscle_condition = []\n", + " # Initialize lists to store data for all conditions\n", + " go_envelope_all, plan_all, muscle_all = [], [], []\n", "\n", - " for j in range(num_delays): # 8 delay durations\n", - " condition = conds_for_sim[i, j]\n", + " # Get the number of conditions (rows) and delay durations (columns)\n", + " num_conditions, num_delays = conds_for_sim.shape\n", "\n", - " go_envelope = condition['goEnvelope']\n", - " plan = condition['plan']\n", - " muscle = condition['muscle']\n", + " for i in range(num_conditions): # Loop through each condition\n", + " go_envelope_condition, plan_condition, muscle_condition = [], [], []\n", "\n", - " # Select only muscles 5 and 6 \n", - " selected_muscle_data = muscle[:, [3, 4]] # which show the nicest multiphasic activity\n", + " for j in range(num_delays): # Loop through each delay duration\n", + " condition = conds_for_sim[i, j]\n", + " go_envelope, plan, muscle = condition['goEnvelope'], condition['plan'], condition['muscle']\n", + " selected_muscle_data = muscle[:, [2, 4]] # Select only specific muscles\n", + " go_envelope_condition.append(go_envelope)\n", + " plan_condition.append(plan)\n", + " muscle_condition.append(selected_muscle_data)\n", "\n", - " go_envelope_condition.append(go_envelope)\n", - " plan_condition.append(plan)\n", - " muscle_condition.append(selected_muscle_data)\n", + " # Convert lists of arrays to tensors and append to all conditions\n", + " go_envelope_all.append(torch.tensor(np.array(go_envelope_condition), dtype=torch.float32))\n", + " plan_all.append(torch.tensor(np.array(plan_condition), dtype=torch.float32))\n", + " muscle_all.append(torch.tensor(np.array(muscle_condition), dtype=torch.float32))\n", "\n", - " # Convert lists of NumPy arrays to single NumPy arrays before conversion to tensors\n", - " go_envelope_np = np.array(go_envelope_condition)\n", - " plan_np = np.array(plan_condition)\n", - " muscle_np = np.array(muscle_condition)\n", + " # Stack tensors for all conditions\n", + " go_envelope_tensor, plan_tensor, output = torch.stack(go_envelope_all), torch.stack(plan_all), torch.stack(muscle_all)\n", "\n", - " # Convert the single NumPy arrays to PyTorch tensors\n", - " go_envelope_all.append(torch.tensor(go_envelope_np, dtype=torch.float32))\n", - " plan_all.append(torch.tensor(plan_np, dtype=torch.float32))\n", - " muscle_all.append(torch.tensor(muscle_np, dtype=torch.float32))\n", + " # Cleanup to free memory\n", + " del data, conds_for_sim, go_envelope_all, plan_all, muscle_all\n", + " gc.collect()\n", "\n", - "# Stack data for all conditions\n", - "go_envelope_tensor = torch.stack(go_envelope_all)\n", - "plan_tensor = torch.stack(plan_all)\n", - "muscle_tensor = torch.stack(muscle_all)\n", + " # Normalize and Standardize Plan Tensor\n", + " plan_tensor = normalize_and_standardize(plan_tensor)\n", "\n", - "# Print the shapes to confirm\n", - "print(f'Go Envelope Tensor: {go_envelope_tensor.shape}')\n", - "print(f'Plan Tensor: {plan_tensor.shape}')\n", - "print(f'Muscle Tensor: {muscle_tensor.shape}')\n", + " # Normalise and concatenate Plan and Go Envelope Tensors\n", + " normalised_inputs = normalize_and_standardize(torch.cat([plan_tensor, go_envelope_tensor], dim=3))\n", "\n", - "# Clean up\n", - "del data, conds_for_sim, go_envelope_all, plan_all, muscle_all\n", - "import gc\n", - "gc.collect()\n" + " return normalised_inputs, output, num_conditions, num_delays \n", + "\n", + "def normalize_and_standardize(tensor):\n", + " \"\"\"\n", + " Normalize and standardize a given tensor.\n", + "\n", + " Parameters:\n", + " - tensor: Tensor, the tensor to be normalized and standardized.\n", + "\n", + " Returns:\n", + " - standardized_normalized_tensor: Tensor, the normalized and standardized tensor.\n", + " \"\"\"\n", + " min_val, max_val = tensor.min(), tensor.max()\n", + " tensor = (tensor - min_val) / (max_val - min_val) # Normalize\n", + " mean, std = tensor.mean(), tensor.std()\n", + " return (tensor - mean) / std # Standardize" ] }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 7, "id": "cfd6d286-fc8b-4b1c-babe-c58279781637", - "metadata": {}, + "metadata": { + "scrolled": true + }, "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "shape of normalised inputs torch.Size([27, 8, 296, 16])\n" - ] - }, { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAA/QAAAGECAYAAACYmGuKAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjYuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8o6BhiAAAACXBIWXMAAA9hAAAPYQGoP6dpAAEAAElEQVR4nOzdd1hUV/rA8e+dGYahN6mKCIoGVLCgUawxGmtiiUZNNW1jmsm62fzW7Nqi2SRu3NRVk02ylhhsUWOMsQSDaTZU7F0QCwjSO8PM/f0xOhFBBQUG9P08zzww555zz3vZjfDOaYqqqipCCCGEEEIIIYRoUDS2DkAIIYQQQgghhBDVJwm9EEIIIYQQQgjRAElCL4QQQgghhBBCNECS0AshhBBCCCGEEA2QJPRCCCGEEEIIIUQDJAm9EEIIIYQQQgjRAElCL4QQQgghhBBCNECS0AshhBBCCCGEEA2QJPRCCCGEEEIIIUQDJAm9EEIIIe5Y8+fPR1EUkpKSbB2KEEIIUW2S0AshhBA15HJyGB8fb+tQACgsLGTatGnExcXZOpQ61bt3bxRFueFr2rRptg5VCCGEuCU6WwcghBBCiNpRWFjI9OnTAUuSe6f4+9//zjPPPGN9v3PnTj766CPeeOMNwsLCrOURERG0bt2aMWPGYG9vb4tQhRBCiFsiCb0QQgghGqSCggKcnJwqlPfr16/ce4PBwEcffUS/fv0q/WBDq9XWVohCCCFErZIp90IIIUQtGjduHM7Ozpw7d45hw4bh7OyMt7c3r732GiaTyVovKSkJRVF47733eP/99wkKCsLBwYFevXpx4MCBcvfs3bt3pYnpuHHjaNasmfV+3t7eAEyfPr3CNPPU1FSefPJJmjRpgr29Pf7+/gwdOrRKa8k3b95Mjx49cHJywt3dnaFDh3L48GHr9RUrVqAoClu2bKnQ9tNPP0VRlHLPdOTIEUaOHImnpycGg4GoqCjWrFlTrt3l5QxbtmzhhRdewMfHhyZNmtww1hupbA19s2bNGDJkCHFxcURFReHg4EDbtm2tSxdWrlxJ27ZtMRgMdOzYkT179lS4b1WeSQghhLhVktALIYQQtcxkMtG/f3+8vLx477336NWrF7Nnz+azzz6rUHfhwoV89NFHvPjii0yaNIkDBw7Qp08fLly4UK0+vb29mTt3LgDDhw9n0aJFLFq0iBEjRgDw4IMPsmrVKp588knmzJnDhAkTyMvLIzk5+br3/fHHH+nfvz9paWlMmzaNiRMn8vvvv9OtWzdrUjx48GCcnZ1ZtmxZhfZLly6ldevWtGnTBoCDBw/SpUsXDh8+zN/+9jdmz56Nk5MTw4YNY9WqVRXav/DCCxw6dIgpU6bwt7/9rVo/k+o4ceIEDz/8MPfffz9vv/02WVlZ3H///SxevJg///nPPProo0yfPp2TJ0/y0EMPYTabrW2r+0xCCCHETVOFEEIIUSP+97//qYC6c+dOa9kTTzyhAuqbb75Zrm779u3Vjh07Wt8nJiaqgOrg4KCePXvWWr59+3YVUP/85z9by3r16qX26tWrQv9PPPGEGhQUZH2fnp6uAurUqVPL1cvKylIB9V//+le1n7Fdu3aqj4+PmpGRYS3bu3evqtFo1Mcff9xaNnbsWNXHx0ctKyuzlqWkpKgajabcz+Lee+9V27ZtqxYXF1vLzGazGh0drYaGhlrLLv9su3fvXu6eVbF8+XIVUH/66acK1y7fNzEx0VoWFBSkAurvv/9uLduwYYP1f5/Tp09byz/99NMK967qMwkhhBC3SkbohRBCiDowfvz4cu979OjBqVOnKtQbNmwYjRs3tr7v3Lkzd999N+vWrauxWBwcHNDr9cTFxZGVlVXldikpKSQkJDBu3Dg8PT2t5REREfTr169cjKNHjyYtLa3cDvsrVqzAbDYzevRoADIzM9m8eTMPPfQQeXl5XLx4kYsXL5KRkUH//v05fvw4586dKxfDs88+Wydr3sPDw+natav1/d133w1Anz59aNq0aYXyy/9b3swzCSGEEDdLEnohhBCilhkMBut69ss8PDwqTaZDQ0MrlLVs2bJGz0m3t7fn3Xff5YcffsDX15eePXsya9YsUlNTr9vu9OnTALRq1arCtbCwMC5evEhBQQEAAwYMwM3NjaVLl1rrLF26lHbt2tGyZUvAMq1dVVUmT56Mt7d3udfUqVMBSEtLK9dPcHDwzT94NVyZtAO4ubkBEBgYWGn55f8tb+aZhBBCiJslu9wLIYQQtaymR5QVRUFV1QrlV26ydyOvvvoq999/P6tXr2bDhg1MnjyZt99+m82bN9O+fftbjtHe3t66ZnzOnDlcuHCB3377jX/+85/WOpfXnb/22mv079+/0vu0aNGi3HsHB4dbjq0qrvW/2bXKL//vcTPPJIQQQtwsSeiFEEKIeuT48eMVyo4dO2bdvR4so/uVTde/PIJ+maIo1+2refPm/OUvf+Evf/kLx48fp127dsyePZuvvvqq0vpBQUEAHD16tMK1I0eO0KhRo3LHyI0ePZoFCxYQGxvL4cOHUVXVOt0eICQkBAA7Ozv69u173VgbitvxmYQQQtRfMuVeCCGEqEdWr15dbo31jh072L59OwMHDrSWNW/enCNHjpCenm4t27t3L7/99lu5ezk6OgKQnZ1drrywsJDi4uJyZc2bN8fFxYWSkpJrxubv70+7du1YsGBBuXseOHCAjRs3MmjQoHL1+/bti6enJ0uXLmXp0qV07ty53JR5Hx8fevfuzaeffkpKSkqF/q58vobidnwmIYQQ9ZeM0AshhBD1SIsWLejevTvPP/88JSUlfPDBB3h5efH6669b6zz11FP8+9//pn///jz99NOkpaUxb948WrduTW5urrWeg4MD4eHhLF26lJYtW+Lp6UmbNm0oKyvj3nvv5aGHHiI8PBydTseqVau4cOECY8aMuW58//rXvxg4cCBdu3bl6aefpqioiI8//hg3NzfrGfeX2dnZMWLECJYsWUJBQQHvvfdehfv95z//oXv37rRt25Znn32WkJAQLly4wNatWzl79ix79+69tR+oDdyOzySEEKJ+khF6IYQQoh55/PHHefnll/nkk0946623aN26NZs3b8bf399aJywsjIULF5KTk8PEiRNZs2YNixYtokOHDhXu9/nnn9O4cWP+/Oc/M3bsWFasWEFgYCBjx44lLi6OSZMmMWnSJHJzc1m2bBkPPvjgdePr27cv69evx8vLiylTpvDee+/RpUsXfvvtt0o3rBs9ejT5+fkAPPTQQxWuh4eHEx8fz+DBg5k/fz4vvvgi8+bNQ6PRMGXKlOr++OqF2/GZhBBC1E+KWtmuOkIIIYSoU0lJSQQHB/Ovf/2L1157zdbhCCGEEKIBkBF6IYQQQgghhBCiAZKEXgghhBBCCCGEaIAkoRdCCCGEEEIIIRogWUMvhBBCCCGEEEI0QDJCL4QQQgghhBBCNECS0AshhBBCCCGEEA2QztYB1Hdms5nz58/j4uKCoii2DkcIIYQQQgghxG1OVVXy8vIICAhAo7n2OLwk9Ddw/vx5AgMDbR2GEEIIIYQQQog7zJkzZ2jSpMk1r0tCfwMuLi6A5Qfp6upq42iEEEIIIYQQQtzucnNzCQwMtOaj19JgEvq5c+cyd+5ckpKSAGjdujVTpkxh4MCB12yzfPlyJk+eTFJSEqGhobz77rsMGjSoWv1enmbv6uoqCb0QQgghhBBCiDpzo2XfDWZTvCZNmvDOO++wa9cu4uPj6dOnD0OHDuXgwYOV1v/9998ZO3YsTz/9NHv27GHYsGEMGzaMAwcO1HHkQgghhBBCCCFEzWvQ59B7enryr3/9i6effrrCtdGjR1NQUMDatWutZV26dKFdu3bMmzevyn3k5ubi5uZGTk6OjNALIYQQQgghhKh1Vc1DG8wI/ZVMJhNLliyhoKCArl27Vlpn69at9O3bt1xZ//792bp163XvXVJSQm5ubrmXEEIIIYQQQghR3zSYNfQA+/fvp2vXrhQXF+Ps7MyqVasIDw+vtG5qaiq+vr7lynx9fUlNTb1uH2+//TbTp0+vsZiFEEIIIYQQoqFQVZWysjJMJpOtQ7mtabVadDrdLR+N3qAS+latWpGQkEBOTg4rVqzgiSeeYMuWLddM6m/GpEmTmDhxovX95d0FhRBCCCGEEOJ2VlpaSkpKCoWFhbYO5Y7g6OiIv78/er3+pu/RoBJ6vV5PixYtAOjYsSM7d+7kww8/5NNPP61Q18/PjwsXLpQru3DhAn5+ftftw97eHnt7+5oLWgghhBBCCCHqObPZTGJiIlqtloCAAPR6/S2PHovKqapKaWkp6enpJCYmEhoaikZzc6vhG1RCfzWz2UxJSUml17p27UpsbCyvvvqqtWzTpk3XXHMvhBBCCCGEEHeq0tJSzGYzgYGBODo62jqc256DgwN2dnacPn2a0tJSDAbDTd2nwST0kyZNYuDAgTRt2pS8vDy+/vpr4uLi2LBhAwCPP/44jRs35u233wbglVdeoVevXsyePZvBgwezZMkS4uPj+eyzz2z5GEIIIYQQQghRb93sSLGovpr4WTeYhD4tLY3HH3+clJQU3NzciIiIYMOGDfTr1w+A5OTkcj+Q6Ohovv76a/7xj3/wxhtvEBoayurVq2nTpo2tHkEIIYS4ramqirGkmJKCAooL8inJz6e4IB9jcREmkwmzqQxzmQmz2YT50oZLZlMZZpMZVPMV96lw53J9XNXpNWpWeqPKVTKltEJJZXUqnYpaWb2q9FnFdpXWU25UBaXSwqo+0/XbKYqCzs4Ond4enb09Or0eO709dgYDDq5uOLl5YO/kJFN3hRCiFjToc+jrgpxDL4QQQpRXUlhAWtIp0k8nkn46idz0VHLS08jPuIiprMzW4Yl6SGenx93PH3e/ABo1DaJxq3ACWt6F3kGm9QpRXxQXF5OYmEhwcPBNT/8W1XO9n3lV89AGM0IvhBBCCNtQzWbOHTtMUsIuTu/bQ+qpE9cd/dZotdg7OWO49LIzGNDqdGh0OjRaLRqN1vq9VqtD0WorTjusMOh8RUGFEeKrI7h23YoPV9lzqFWoUrFQpZKKlRVVaFvJvarYZ8VYqxhD5YFVoaiSOmaVMmMpZaWllJWWYCwpoay0hNKiQopycykpLKDMWMrFM6e5eOY0J3ZuBUDRaGh8Vzite95Lyy7dJLkXQoibIAm9EEIIISqVm57GgbhNHNyymdz08ifHuHr74B0UgndQMzz8AnD19sG1kQ8OLq7o7O1lerWwKjMayctIJzvlPFkp50g9dYJzRw6Sm57G2UMHOHvoAJv/9ylt+vSj68iHcXB2sXXIQogGZty4cWRnZ7N69eo663P+/Pm8+uqrZGdn11mflZGEXgghhBDlZF9IZfuqpRzcEotqtqxt1zs40Lzj3QRFtCeobTucPb1sHKVoKHR2dnj4BeDhF0Bw+yhreU7aBY78toWDW34kK+U8e374jsM//0TXUY8Q2W8gWp38mSqEEDci/1IKIYQQAoCSwkJ+iVnA/tj1mE0mAAJbR9C2z3206NQFO3tZUylqjpuPL3cPf4jOw0Zxet8etnz1JReTk/hp/qcc2/YLD/zl7zi6utk6TCHuWKqqUmQ02aRvBzvtTc/06t27NxERERgMBj7//HP0ej3jx49n2rRp1jqKojBnzhzWrFlDXFwc/v7+zJo1i5EjRwIQFxfHPffcQ1ZWFu7u7gAkJCTQvn17EhMTSUpK4sknn7TeC2Dq1KlMmzaNOXPm8P7773PmzBnc3Nzo0aMHK1asuPkfxg1IQi+EEEIITu3Zyab//of8jIsANIvsQNeRYwloGWbjyMTtTlEUmkV2oGmbSPZv3sjPi//HuSOHWPzGRIa/PplGTZvZOkQh7khFRhPhUzbYpO9Db/bHUX/zqeqCBQuYOHEi27dvZ+vWrYwbN45u3bpZT0gDmDx5Mu+88w4ffvghixYtYsyYMezfv5+wsBv/3ouOjuaDDz5gypQpHD16FABnZ2fi4+OZMGECixYtIjo6mszMTH755Zebfo6qkIReCCGEuIOVGY1s/t889sda/mhz9/Wn359eommbSBtHJu40Gq2WyH4DaRLWhlWzppNzIZWYKX9l2OtTCAxva+vwhBANSEREBFOnTgUgNDSUTz75hNjY2HIJ/ahRo3jmmWcAmDFjBps2beLjjz9mzpw5N7y/Xq/Hzc0NRVHw8/OzlicnJ+Pk5MSQIUNwcXEhKCiI9u3b1/DTlScJvRBCCHGHKsjOYs2/3+b80UOgKHQcPIxuDz0iU+uFTXk1CeSRt/7Nmn//k7OHDvDtezN5eOZsPAOa2Do0Ie4oDnZaDr3Z32Z934qIiIhy7/39/UlLSytX1rVr1wrvExISbqnffv36ERQUREhICAMGDGDAgAEMHz4cR8faO8VDc+MqQgghhLjdpJ9OZPEbEzl/9BD2jk6M+Ns0ej/2tCTzol5wcHHlwUlv4h/aipKCAla9O52ivFxbhyXEHUVRFBz1Opu8bvWkFDs7uwrPYr60yWtVXD5K9cqjQI1G4w3bubi4sHv3bmJiYvD392fKlClERkbW6k74ktALIYQQd5i0pFMse/MN8jLS8QhowsNvzSa4XUdbhyVEOTq9nqGv/QNXbx+yU1NYM/ufmMpu/Ae1EEJUxbZt2yq8v7x+3tvbG4CUlBTr9atH7/V6PSZTxU0DdTodffv2ZdasWezbt4+kpCQ2b95cw9H/QRJ6IYQQ4g6SlnSK5TP+TnF+Hv4tWvHwzPdkKrOot5zcPRj++hT0Dg6cPXyArSuW2DokIcRtYvny5Xz55ZccO3aMqVOnsmPHDl566SUAWrRoQWBgINOmTeP48eN8//33zJ49u1z7Zs2akZ+fT2xsLBcvXqSwsJC1a9fy0UcfkZCQwOnTp1m4cCFms5lWrVrV2nNIQi+EEELcIdKTk8ol8w/+/U0MTs62DkuI62rUtBn9x78CwM4135BxNtnGEQkhbgfTp09nyZIlREREsHDhQmJiYggPDwcsU/ZjYmI4cuQIERERvPvuu8ycObNc++joaMaPH8/o0aPx9vZm1qxZuLu7s3LlSvr06UNYWBjz5s0jJiaG1q1b19pzKOqVCwNEBbm5ubi5uZGTk4Orq6utwxFCCCFuSkF2FovfmEheRro1mbd3dLJ1WEJUiaqqrP7XDE7t2kHju1ozeurbKBoZlxKiJhUXF5OYmEhwcDAGw+29n4qiKKxatYphw4bZNI7r/cyrmofKv4RCCCHEbc5YWsLqf82wrpkfMWm6JPOiQVEUhXufHI/O3p5zRw5yYMuPtg5JCCHqBUnohRBCiNuYajazfs4HpJ44hsHZheH/NwWDs0yzFw2Pq7cP0aMeAeDnr/5HYW6OjSMSQgjbk3PohRBCiNtY/NpVHNv6Cxqtjgf+8gYefgF11re5pARzbi7mwkLUsjLUMhOYyqzfq2VGMJks5eoVxwldtRqw0tWBV5dVqHL19SquMKz0qKRKyiqtplz1trJ2VSyrtM+qxXHz/d5cn4qioOj1KAYDGnt7FIMBxd4ejZMTGr2+Yvtb0GHgAxz6eTMXk5PY88Mauo1+rEbvL4S4M9xOq84loRdCCCFuUynHj/LrkoUA3PvUeALD29bIfVVVpSw9nZJjxyk9eQLj+fMYz6dgTLuAOScXU14e5txc1Cqc2Stub4qjIzoPD3SNGmEXGIi+aSD65s1xbNcOXUBAtc+a1up0RI98mDX//id7Nqwl6v4HsXd0rKXohRCi/pOEXgghhLgNlRQW8P1HszCbTLTs2oO29/a/tfudSqRg6+8U7thJYXw8poyMqjVUFDQODmBnh6LVouh0KDodXPqqaLWW76/e4KwqI8oV3l/99gb1r3b1zICKw/4VZwJUZfZAZWWV1Kmx/qoaE1WZCVGF+5jNqKWlmEtKUIuLMZeUQFmZpXphIcbCQoznzlG0d2+5Zjpvb5yiu+I6eDBOXbui2NlVEmNFLTp1wTOgCZnnz7J30zo6Dx1ZpXZCCHE7koReCCGEuM2oqsqmzz4hJ+0Crt6+3Penl6o9EgpgTE0ld+1actZ+T8mRI+UvajTog4KwDw1F3zQQnZ8/dn6+aN3d0bi4oHVxQePigsbJSXYjvwOpZWWYCwowZWVRlpVF2YU0Ss8kY0w+Q/HhwxQfOUJZejo5364h59s1aD09cR81Cq+nn0J7g1OFFI2GTkNHsmHuB+z6fjUdBj6Aroan9gshREMhCb0QQghxmzny+88c3foLGq2WIa+8Xu0d7UuOHyfj8y/I+f5760grOh2OnaJwuvtuHDt3xhAejuY2P9ZI3DxFp0Pr5obWzQ19s2YVrpuLiijat5+8jRvJ/eEHTJmZZHz6KVlLltDoT3/C49FH0NjbX/P+Yd178/vyxeRdTOdA3I+0u29QLT6NEELUX5LQCyGEELeRwtwcfvrfpwB0GTEG/9BWVW5rTE3lwrvvkvfDemuZQ8eOuD3wAC739UPn4VHj8Yo7k8bBAae7O+N0d2d8//Z/5P30E+kffUTpiZOk/etf5KxdS5OPPkQfGFhpe61OR9SQEfw0/1N2rvmGiHv7o9Fq6/gphBDC9mQOnBBCCHEb2fy/TynKy8W7aTM6D6va2mLVaCTjy/9xctBgSzKvKLj060ez5ctotvgrPEY/JMm8qDWKnR2u991HyLff4v/WW2g9PSk5fJjEB0eSv2XLNdu17dMPg4sruekXSNq7uw4jFkKI+kMSeiGEEOI2cSJ+O0d//xlF0XDf+FfQ6m68yZjx3DmSHnmUtFmzUAsLcWjfnuBVK2ny8Uc4tK2ZXfGFqApFq8X9wREEr/wGQ2QE5txczox/nqyYmErr29kbCO9xDwAH436sy1CFEKLekIReCCGEuA2UFBYS+/l/AIi6fzh+zUNv2Cb/559JHPEgxfv2oXFzw/+tmQQt/grDXXfVdrhCXJOdnx9BixbhPmY0qCqpb84gd/36Suu27nUvACd3bacoP68uwxRC1CPjxo1j2LBhddrn/PnzcXd3r9M+KyMJvRBCCHEb2LZyCflZmbj7+tN11MM3rJ/x+eeceW48ppwcDG3bErLyG9wffFB2pBf1gkavx2/qVNzHjgFV5fxfX6dg2/YK9XyaheDdLARTWRlHf/vZBpEKIYRtyW9tIYQQooHLOHeG3eu+BeCecX/CTn/t3cFVVSVt9mzS3psNqor72DEELf4Ku8aN6ypcIapEURT8/vEPXO67D9Vo5OyLL1Jy/HiFeq17WkbpD26RafdC1ChVhdIC27xU9abD7t27NxMmTOD111/H09MTPz8/pk2bVq6OoijMnTuXgQMH4uDgQEhICCtWrLBej4uLQ1EUsrOzrWUJCQkoikJSUhJxcXE8+eST5OTkoCgKiqJY+5gzZw6hoaEYDAZ8fX0ZObJq+9ncLNnlXgghhGjAVFXlp/mfYTaZCOnQiZAOna5d12Qi9c0ZZC9dCoDPX/+K19NP1VWoQlSbotUS8K9ZnMnKonDnTs7/bRLNli5B0f3xJ2xY9178vPhLUk8eJ+NsMl5NmtowYiFuI8ZC+GeAbfp+4zzoq3fk6pUWLFjAxIkT2b59O1u3bmXcuHF069aNfv36WetMnjyZd955hw8//JBFixYxZswY9u/fT1hY2A3vHx0dzQcffMCUKVM4evQoAM7OzsTHxzNhwgQWLVpEdHQ0mZmZ/PLLLzf9HFUhI/RCCCFEA3Yifhun9+1Bq9PR+4lnr1lPVVVSp79pSeYVBb8Zb0oyLxoEjb09AbPfQ+PqSvHBg2R8/kW5645u7gS3t3yQdXBLrC1CFELUMxEREUydOpXQ0FAef/xxoqKiiI0t/+/DqFGjeOaZZ2jZsiUzZswgKiqKjz/+uEr31+v1uLm5WWYS+fnh5+eHs7MzycnJODk5MWTIEIKCgmjfvj0TJkyojUe0khF6IYQQooEqMxqJW/A5AFH3P4iH37VHUi5+8h+yly0DRSHgvX/hNnhwXYUpxC2z8/HB7+9vcP7//kb6f/6Dc597MLRsab3eulcfTsZv49AvP9F97ONoNHImvRC3zM7RMlJuq75vQURERLn3/v7+pKWllSvr2rVrhfcJCQm31G+/fv0ICgoiJCSEAQMGMGDAAIYPH46j4609z/U0mBH6t99+m06dOuHi4oKPjw/Dhg2zTm+4lvnz51vXNFx+GQyGOopYCCGEqF0J678jN/0Czh6e3D1s1DXrZS1ZwsX/WHbA95syWZJ50SC5PvAAzr17g9FIyht/Ry0rs14L6dAJe0cnCrIyST1xzHZBCnE7URTLtHdbvBTllkK3syt/bKuiKJjN5iq311zaIFa9Yi2/0Wi8YTsXFxd2795NTEwM/v7+TJkyhcjIyHJr8Wtag0not2zZwosvvsi2bdvYtGkTRqOR++67j4KCguu2c3V1JSUlxfo6ffp0HUUshBBC1J6i/Dy2rbKshe82+jHsrvGBdf7PP5P65gwAGr3wPB5jx9ZZjELUJEVR8Js+3TL1/sABsletsl7T6uwIbh8FwMn4irvhCyHE1bZt21bh/eX1897e3gCkpKRYr189eq/X6zGZTBXuq9Pp6Nu3L7NmzWLfvn0kJSWxefPmGo7+iv5q7c41bP1V54/Onz8fHx8fdu3aRc+ePa/Z7vK6BiGEEOJ2sn3VMkoKCmgUGER4rz6V1ik9c4Zzr/0VzGbcHhxBo5dfruMohahZdr4+NHrhedLeeZeMufNwHzoURa8HoHnHzhz5bQsnd+2gx8PjbBuoEKLeW758OVFRUXTv3p3FixezY8cOvvjCskdHixYtCAwMZNq0abz11lscO3aM2bNnl2vfrFkz8vPziY2NJTIyEkdHRzZv3sypU6fo2bMnHh4erFu3DrPZTKtWrWrtORrMCP3VcnJyAPD09Lxuvfz8fIKCgggMDGTo0KEcPHjwuvVLSkrIzc0t9xJCCCHqk5y0CySs/w6Ano88Wel6YXNxMWcnvII5NxdDZAR+U6ei3OIURiHqA48xY9B6N8J4/jzZK/8YpW/WriMarZaMs8lkpdpo3a8QosGYPn06S5YsISIigoULFxITE0N4eDhgmbIfExPDkSNHiIiI4N1332XmzJnl2kdHRzN+/HhGjx6Nt7c3s2bNwt3dnZUrV9KnTx/CwsKYN28eMTExtG7dutaeQ1HVWzjkz0bMZjMPPPAA2dnZ/Prrr9est3XrVo4fP05ERAQ5OTm89957/Pzzzxw8eJAmTZpU2mbatGlMnz69QnlOTg6urq419gxCCCHEzVr38Xsc/jWOpm0iGfmPmRUSdVVVSZn0BjmrV6P19CR45TfYyWw1cRvJXLiIC//8Jzp/f5pvWI/m0ij98hl/J/nAXno99jRRQ4bbOEohGpbi4mISExMJDg6+7fcdUxSFVatWMWzYMJvGcb2feW5uLm5ubjfMQxvkCP2LL77IgQMHWLJkyXXrde3alccff5x27drRq1cvVq5cibe3N59++uk120yaNImcnBzr68yZMzUdvhBCCHHT0pOTOPzbFsAyOl/ZqHvud9+Rs3o1aDQ0/ve/JZkXtx330Q+h8/GhLCWF7BUrrOXNo+4G4OQuWUcvhLgzNLiE/qWXXmLt2rX89NNP1xxlvxY7Ozvat2/PiRMnrlnH3t4eV1fXci8hhBCivvh92WJQVVre3Q3fkBYVrhvPn7duguf98ks4dbm7rkMUotZp7O3xGv8cABnzPsVcWgpA846W/7+fO3KIojxZNimEuP01mIReVVVeeuklVq1axebNmwkODq72PUwmE/v378ff378WIhRCCCFqV+rJ45zYuRVF0RD90KMVrqtmM+f/Nglzfj4O7drh9eyzNohSiLrhPnIkOl9fytLSyNu4CQA3H1+8mzZDNZtJTNhl4wiFEPWVqqo2n25fUxpMQv/iiy/y1Vdf8fXXX+Pi4kJqaiqpqakUFRVZ6zz++ONMmjTJ+v7NN99k48aNnDp1it27d/Poo49y+vRpnnnmGVs8ghBCCHFLflv2FQBh3Xvh1SSwwvXMBQsp3LEDxdGRgHffQdE1mMNshKg2jV6P+6hRAGQvW2Ytt067l+PrhBB3gAaT0M+dO5ecnBx69+6Nv7+/9bV06VJrneTk5HJnBWZlZfHss88SFhbGoEGDyM3N5ffff7fuXiiEEEI0FGePHCQpYRcarZauIx+ucL3kVCLp778PgO/f/g99UFBdhyhEnXN/cARoNBTu2EHJqUQAQjp2BiBp727MlZwRLYQQt5MG89F9VTbjj4uLK/f+/fff5/1Lf9wIIYQQDdnW5YsBaNO7H+5+5ZeOqapK6tSpqKWlOPXoYR21FOJ2Z+fvj3PPnuTHxZG9fDm+//c6viEtsHdyoqSggLTEk/i1aGnrMIUQotY0mBF6IYQQ4k517uhhkg/sQ6PVcfeIhypcz1m5ksKdO1EcHOS8eXHHcX/I8t9EzqpVmEtL0Wi0BIa3BSD54D5bhiaEELVOEnohhBCintu20nJMa+tefXBt5FPuWllGBhdm/QsA75dfRt+kcZ3HJ4QtOffsgc7PD1N2NnmbLJvjBbaOBCD5wF5bhiaEELVOEnohhBCiHks9eZykhF0oGg2dh1Ucnb/w9juYc3KwDw/D8/HHbBChELal6HS4P/ggANlLLZvjNW0TAViOrzOVGW0WmxBC1DZJ6IUQQoh6bNtKy+avYd174+7rV+5awY4d5K5dCxoN/m/OkF3txR3LfeSDoCgU7tiBMSUFryZNcXRzp6y0hJTjR20dnhBC1BpJ6IUQQoh6Kv10Iifjt4Gi0HlY+Y3u1LIyLrz1TwDcRz+EQ5vWtghRiHrBzt8fhw4dAMjbtAlFUQhsbRmlTz4g6+iFuN2NGzeuzs+Vnz9/Pu7u7nXaZ2UkoRdCCCHqqcuj8626dMercflz57OWLaPk6FE0bm54T5hgi/CEqFdc+98HQO6GjcAf0+7PyMZ4QojbmCT0QgghRD2UcfYMx7b/BsDdI0aXu1aWlUX6hx8B4P3KBHQeHnUenxD1jUu/fgAU7d6NMS2Nppc2xjt/7AjGkmJbhiZEg6SqKoXGQpu8qnJk+bX07t2bCRMm8Prrr+Pp6Ymfnx/Tpk0rV0dRFObOncvAgQNxcHAgJCSEFStWWK/HxcWhKArZ2dnWsoSEBBRFISkpibi4OJ588klycnJQFAVFUax9zJkzh9DQUAwGA76+vowcOfKmn6UqZLGdEEIIUQ9tX70MVJUWnbri3bRZuWvpH31k2QivVSs8Hqq4UZ4QdyI7f38MkREU791H3o8/4jF2LC6NvMm7mM65o4dpFtHe1iEK0aAUlRVx99d326Tv7Q9vx9HO8abbL1iwgIkTJ7J9+3a2bt3KuHHj6NatG/0uffAHMHnyZN555x0+/PBDFi1axJgxY9i/fz9hYWE3vH90dDQffPABU6ZM4ehRyz4dzs7OxMfHM2HCBBYtWkR0dDSZmZn88ssvN/0cVSEj9EIIIUQ9k5V6niO/bgGgy1Wj8yUnTpC9bDkAvm+8IRvhCXEF1/ss0+7zNlrW0V8epT8jx9cJcUeJiIhg6tSphIaG8vjjjxMVFUVsbGy5OqNGjeKZZ56hZcuWzJgxg6ioKD7++OMq3V+v1+Pm5oaiKPj5+eHn54ezszPJyck4OTkxZMgQgoKCaN++PRNqeVmc/BUghBBC1DM7Vi9HVc0Et4/CN6RFuWtp780GkwnnvvfidHdnG0UoRP3kct99pP3rPQp37qQsM5PA1m05uOVHzhzab+vQhGhwHHQObH94u836vhURERHl3vv7+5OWllaurGvXrhXeJyQk3FK//fr1IygoiJCQEAYMGMCAAQMYPnw4jo43P9vgRiShF0IIIeqR3PQ0Dv28GYAuI8aUu1awbTv5cXGg1eIz8S82iE6I+k0fGIh9eBglhw6TFxtL4549ALhw6iRlpaXo9HobRyhEw6Eoyi1Ne7clOzu7cu8VRcFsNle5vUZjmch+5Vp+o9F4w3YuLi7s3r2buLg4Nm7cyJQpU5g2bRo7d+6stR3xZcq9EEIIUY/s/G4lZpOJpm0iCWh5l7VcNZtJmzULAI/Ro7EPCbZViELUa6739Qcs0+7dfHxxdHPHbCrjQuJJG0cmhKhPtm3bVuH95fXz3t7eAKSkpFivXz16r9frMZlMFe6r0+no27cvs2bNYt++fSQlJbF58+Yajv4PktALIYQQ9URhbg4HftoEwN3Dy292l/v99xQfOoTGyYlGL71oi/CEaBBc+vUFoHDbNtTiYusHY+ePHbZlWEKIemb58uV8+eWXHDt2jKlTp7Jjxw5eeuklAFq0aEFgYCDTpk3j+PHjfP/998yePbtc+2bNmpGfn09sbCwXL16ksLCQtWvX8tFHH5GQkMDp06dZuHAhZrOZVq1a1dpzSEIvhBBC1BN71q+lrLQE35BQAlv/sf5PLS0l/YMPAfB69ll0np62ClGIek8fEoIuwB/VaKRw504CWlpG3M4flYReCPGH6dOns2TJEiIiIli4cCExMTGEh4cDlin7MTExHDlyhIiICN59911mzpxZrn10dDTjx49n9OjReHt7M2vWLNzd3Vm5ciV9+vQhLCyMefPmERMTQ+vWrWvtOWQNvRBCCFEPlBYXkbBhLQCdhz6IoijWa9nffIPx3Dm03o3wfOJxW4UoRIOgKArO3bqTvXw5Bb/9RsDwoYBlhF5V1XL/bQkhbg/z58+3fh8XF1fh+urVqyuUBQQEsHHjxmves1u3buzbt69c2ZVr6gHmzp3L3Llzy5VV1n9tkhF6IYQQoh7YH7uR4vw8PPwDaNH5j513zcXFXJw7D4BGz41H43BrO/8KcSdw6tYNgPxff8M3pAUarY7CnGxy0y/YODIhhKhZktALIYQQNmYqK2PX96sBiBoyAo1Ga72W9XUMZWlp2AUE4P7QKBtFKETD4tS1C2g0lJ48iZqRgW9wc0Cm3Qshbj+S0AshhBA2duS3LeRlpOPo5k54zz7WclN+PhmffQZAoxdfRCNHbglRJVo3NxzatgWwTLtvZdkY79yxI7YMSwhRT6iqyrBhw2wdRo2QhF4IIYSwIdVsZueabwDoMGhouXOyMxcswJSdjT44GLehD9gqRCEaJKfu3QHI/+03/EMtG+OlSEIvhLjNSEIvhBBC2NCpPfFknE1G7+BAZL+B1nJTdjaZ/5sPgPfLL6HoZB9bIarj8jr6gt+34t88FID004mUFhfZMiwhhKhRktALIYQQNrRzzQoAIvoOxODkbC3P+OILzPn52N91Fy4DBtgqPCEaLIeItmhcXDDn5GCXegGXRt6oqpnUE8dsHZoQQtQYSeiFEEIIGzl39DDnjhxCq9PRcdBQa7kxLY3MRV8B4P3KBBSN/LoWoroUnQ6nLl0AyP/1VwJCLevoZWM8IcTtRP5CEEIIIWzk8uh8WI8+OHt6WcszPv0MtbgYh8hInHv3tlF0QjR8l9fRF/z+OwEtLQl9ykkZoRdC3D4koRdCCCFsIOPsGU7GbwdFodMDI6zlxnPnyFq2DADvP7+Koii2ClGIBs+xcycAivftx6dpMwAunDphw4iEEKJmSUIvhBBC2MCu71cB0CLqbjwDmljLL877FIxGHLt0sU4XFkLcHH2zZmgbNUItLcUlrwBF0VCQlUl+ZoatQxNCiBohCb0QQghRxwqyszj082YAooaUH53PXmVJ9L0nvGyT2IS4nSiKgmNUFADGvfvxCmwKQKqM0gtxWxk3blydnys/f/583N3d67TPykhCL4QQQtSxhA1rMZWV4R/aioBWYdbyi5/9F8rKcOzaBccOHWwYoRC3D8eOHQEojI/HN6QFABdOHbdlSEIIUWMkoRdCCCHqkLGkmISN6wCIun+EdY288fx5sleuBMD7xRdtFp8QtxvHTpYR+qLdu/FtFgLAhZOS0AtxI6qqYi4stMlLVdWbjrt3795MmDCB119/HU9PT/z8/Jg2bVq5OoqiMHfuXAYOHIiDgwMhISGsWLHCej0uLg5FUcjOzraWJSQkoCgKSUlJxMXF8eSTT5KTk4OiKCiKYu1jzpw5hIaGYjAY8PX1ZeTIkTf9LFWhq9W716C3336blStXcuTIERwcHIiOjubdd9+lVatW1223fPlyJk+eTFJSEqGhobz77rsMGjSojqIWQgghyjsYF0txfh5uvn606PTHGvmLn31mXTt/eYqwEOLW2YeGWs6jz8vDQ6MHLFPuVVWVTSeFuA61qIijHTrapO9Wu3ehODredPsFCxYwceJEtm/fztatWxk3bhzdunWjX79+1jqTJ0/mnXfe4cMPP2TRokWMGTOG/fv3ExYWdp07W0RHR/PBBx8wZcoUjh49CoCzszPx8fFMmDCBRYsWER0dTWZmJr/88stNP0dVNJgR+i1btvDiiy+ybds2Nm3ahNFo5L777qOgoOCabX7//XfGjh3L008/zZ49exg2bBjDhg3jwIEDdRi5EEIIYWE2m9j1/WoAOg4aikajBcCYkkL2N5dH51+wVXhC3JYUrda6hMXh7Dk0Wi1FuTnkZaTbODIhRG2JiIhg6tSphIaG8vjjjxMVFUVsbGy5OqNGjeKZZ56hZcuWzJgxg6ioKD7++OMq3V+v1+Pm5oaiKPj5+eHn54ezszPJyck4OTkxZMgQgoKCaN++PRMmTKiNR7RqMCP069evL/d+/vz5+Pj4sGvXLnr27Flpmw8//JABAwbw17/+FYAZM2awadMmPvnkE+bNm1frMQshhBBXOhm/newLKRicnGnT+49Rgoz//tcyOt+5M46dOtkwQiFuT46dosjfsoXSPXtoFNiMtKSTXDh5AtdGPrYOTYh6S3FwoNXuXTbr+1ZERESUe+/v709aWlq5sq5du1Z4n5CQcEv99uvXj6CgIEJCQhgwYAADBgxg+PDhON7CbIMbaTAj9FfLyckBwNPT85p1tm7dSt++fcuV9e/fn61bt16zTUlJCbm5ueVeQgghRE2I/86yg33kfYOwMxgAMKamkr3csm6vkaydF6JWOFzaGK8ofpd1Y7xU2RhPiOtSFAWNo6NNXre6HMbOzq7Cs5jN5iq312gsafKVa/mNRuMN27m4uLB7925iYmLw9/dnypQpREZGlluLX9MaZEJvNpt59dVX6datG23atLlmvdTUVHx9fcuV+fr6kpqaes02b7/9Nm5ubtZXYGBgjcUthBDiznX+2GHOHzuMVqejXf8h1vKMz/6LajTiGBWF092dbRihELcvh9atUQwGTNnZeLm4AXBBjq4T4o62bdu2Cu8vr5/39vYGICUlxXr96tF7vV6PyWSqcF+dTkffvn2ZNWsW+/btIykpic2bN9dw9Ff0V2t3rkUvvvgiBw4c4Ndff63xe0+aNImJEyda3+fm5kpSL4QQ4pbFr7WMzof1uAdnD8vsMuOFC2QvXw5Ao5dkdF6I2qLo9ThERlK4fTuuufmAZad72RhPiDvX8uXLiYqKonv37ixevJgdO3bwxRdfANCiRQsCAwOZNm0ab731FseOHWP27Nnl2jdr1oz8/HxiY2OJjIzE0dGRzZs3c+rUKXr27ImHhwfr1q3DbDbfcCP3W9HgRuhfeukl1q5dy08//USTJk2uW9fPz48LFy6UK7tw4QJ+fn7XbGNvb4+rq2u5lxBCCHErslNTOL7Dstyr4+Bh1vKM/36OajTiENURx7vvtlF0QtwZLp8eYX8iEa1OR3FBPjlpF27QSghxu5o+fTpLliwhIiKChQsXEhMTQ3h4OGCZsh8TE8ORI0eIiIjg3XffZebMmeXaR0dHM378eEaPHo23tzezZs3C3d2dlStX0qdPH8LCwpg3bx4xMTG0bt261p6jwYzQq6rKyy+/zKpVq4iLiyM4OPiGbbp27UpsbCyvvvqqtWzTpk0VNkAQQgghatOudatBVQlu15FGgUEAGNPSyF62DLCcOy+jhELULod27QAo3b8P747hpJ48zoVTx3H3vfZAjxCiYZg/f771+7i4uArXV69eXaEsICCAjRs3XvOe3bp1Y9++feXKrlxTDzB37lzmzp1brqyy/mtTgxmhf/HFF/nqq6/4+uuvcXFxITU1ldTUVIqKiqx1Hn/8cSZNmmR9/8orr7B+/Xpmz57NkSNHmDZtGvHx8bz00ku2eAQhhBB3oKK8XA789CMAUfePsJZnfvk/1NJSHNq3x7FLl2s1F0LUEIeItgAYTyfj3diynFLW0QshGroGk9DPnTuXnJwcevfujb+/v/W1dOlSa53k5ORyGxdER0fz9ddf89lnnxEZGcmKFStYvXr1dTfSE0IIIWrS3k0/UFZagk+z5gS2thyjU5aVRdal31+Nnh8vo/NC1AGtmxv6SzM83RXLJNW0pFO2DEkIIW5Zg5pyfyOVTW8YNWoUo0aNqoWIhBBCiOsrKy1lz/rvAIgaMsyauGcuWIBaVIQhPBynHj1sGaIQdxSHyEhKExNxybIcf5yWdEo2xhPiDlSV3LKhuKUR+uLi4pqKQwghhLjtHP41jsKcbJy9GtGyqyVxN+XmkvXVYgC8xj8niYQQdcgh0jJLxnAiEUWjoSg3h4KsTBtHJYQQN6/aCb3ZbGbGjBk0btwYZ2dnTp2yTFWaPHmydZt/IYQQ4k6nms3Wo+o6DnwArc4yKS7r668x5+ejb9Ecl759bRmiEHcch8hIAEoPHMAzwHJakky7F0I0ZNVO6GfOnMn8+fOZNWsWer3eWt6mTRs+//zzGg1OCCGEaKgS9+4i89wZ9A4OtL23PwDmwkIy5y8AoNFz41E0DWYrGyFuC/YtW6IYDJjz8vBq5A1IQi+EaNiq/ZfEwoUL+eyzz3jkkUfQarXW8sjISI4cOVKjwQkhhBANVfx3ltH5tvcOwN7RCYCspcswZWdj17QprgMH2DI8Ie5Iik6HoY3lPGh31fJncFrSSVuGJIQQt6TaCf25c+do0aJFhXKz2YzRaKyRoIQQQoiG7MKpE5w5uA+NVkuHgQ8AYC4pIeNLy9K0Rn96FkXXYPalFeK2cnnavXOmZWO89KREW4YjhBC3pNoJfXh4OL/88kuF8hUrVtC+ffsaCUoIIYRoyC6vnW/VtQeul6b15qxciSn9Ijp/f9weeMCW4QlxR7uc0BtOWKbaZ19IoaSwwJYhCSHETav28MCUKVN44oknOHfuHGazmZUrV3L06FEWLlzI2rVrayNGIYQQosHIvZjG0a2WD747DhkOgGo0kvFfyz4zXk8/jXLFHjRCiLp1OaHn2HFcekWRl5lB+ulEmoS1sW1gQghxE6o9Qj906FC+++47fvzxR5ycnJgyZQqHDx/mu+++o1+/frURoxBCCNFg7P7hO1SzmaZtIvANbg5AzndrMZ4/j7ZRI9xHPmjjCIW4s9n5+qLz8wOzGS8PL0A2xhOioRs3bhzDhg2r0z7nz5+Pu7t7nfZZmZtawNejRw82bdpU07EIIYQQDVpJYQH7Y9cDEDVkBACqyUTGp58C4PXkODQGg83iE0JYOEREkJeaiptZASShF0I0XHJejhBCCFFD9sVuoLSoCK8mTWnWriMAeRs2UHr6NBo3N9xHj7FxhEIIAIeItgA4Z+cCsjGeEJVRVRVjickmL1VVbzru3r17M2HCBF5//XU8PT3x8/Nj2rRp5eooisLcuXMZOHAgDg4OhISEsGLFCuv1uLg4FEUhOzvbWpaQkICiKCQlJREXF8eTTz5JTk4OiqKgKIq1jzlz5hAaGorBYMDX15eRI0fe9LNURbVH6DUaDYqiXPO6yWS6pYCEEEKIhshUVsbuH9YA0HHIMBRFQTWbuTh3HgCejz+G1tnJliEKIS4xtLYcXed4Kgk87Ll45jSmMiNanZ1tAxOiHikrNfPZK1ts0vefPuyFnb32xhWvYcGCBUycOJHt27ezdetWxo0bR7du3cotEZ88eTLvvPMOH374IYsWLWLMmDHs37+fsLCwG94/OjqaDz74gClTpnD06FEAnJ2diY+PZ8KECSxatIjo6GgyMzMr3VC+JlU7oV+1alW590ajkT179rBgwQKmT59eY4EJIYQQDcmxrb+Qn3ERRzd3wrrfA0D+Tz9Rcvw4GicnPB991MYRCiEuM4SHA6BLPot947aUFBaScfYMPs1CbByZEKImREREMHXqVABCQ0P55JNPiI2NLZfQjxo1imeeeQaAGTNmsGnTJj7++GPmzJlzw/vr9Xrc3NxQFAU/Pz9reXJyMk5OTgwZMgQXFxeCgoJq/SS4aif0Q4cOrVA2cuRIWrduzdKlS3n66adrJDAhhBCioVBVlZ2XjqprP+B+dHZ2qKrKxXmWtfMeDz+M1s3NliEKIa6gdXPDLqgpxtPJeHk04nxhMmlJpyShF+IKOr2GP33Yy2Z934qIiIhy7/39/UlLSytX1rVr1wrvExISbqnffv36ERQUREhICAMGDGDAgAEMHz4cR0fHW7rv9dTYGvouXboQGxtbU7cTQgghGozkA3tJTzqFzt6eyH4DASj47XeK9+9HMRjwHPeEjSMUQlzNobXlmDo3xTK+dTFZ1tELcSVFUbCz19rkdb0l3lVhZ1d++YyiKJjN5iq312gsafKVa/mNRuMN27m4uLB7925iYmLw9/dnypQpREZGlluLX9NqJKEvKirio48+onHjxjVxOyGEEKJB2XVpdL5N7344uLgCkDHPsnbe/aFR6Ly8bBabEKJyhjaWhN4559LGeKeTbBiNEKKubdu2rcL7y+vnvb29AUhJSbFev3r0Xq/XV7p/nE6no2/fvsyaNYt9+/aRlJTE5s2bazj6K/qrbgMPD49yn5ioqkpeXh6Ojo589dVXNRqcEEIIUd9dTE4iMWEXiqKh4yDLsrTC+HgK4+NR7OzweuopG0cohKjM5Y3xHJLPgIcD6acTUVX1lkcGhRANw/Lly4mKiqJ79+4sXryYHTt28MUXXwDQokULAgMDmTZtGm+99RbHjh1j9uzZ5do3a9aM/Px8YmNjiYyMxNHRkc2bN3Pq1Cl69uyJh4cH69atw2w206pVq1p7jmon9O+//365f+g0Gg3e3t7cfffdeHh41GhwQgghRH0X//1qAFp07oK7nz+Ade282/Dh2F2xWY4Qov4wtLZsjOdwJgXFszlFebkUZGfh7OFp48iEEHVh+vTpLFmyhBdeeAF/f39iYmIIv7Rhpp2dHTExMTz//PNERETQqVMnZs6cyahRo6zto6OjGT9+PKNHjyYjI4OpU6fSt29fVq5cybRp0yguLiY0NJSYmBhaX/oAsTYo6q0c8ncHyM3Nxc3NjZycHFxdXW0djhBCiHokPyuTz196ClNZGWNnvEdAy7so2r+fpFEPgVZL8/U/oA8MtHWYQohrODlwEKWJifzeuxPZWZk8OGk6zdp1tHVYQthEcXExiYmJBAcHYzAYbB1OrVIUhVWrVjFs2DCbxnG9n3lV89AqjdDv27evykFdvaOgEEIIcbtK2LAWU1kZAa3CCWh5F3DF6PyQIZLMC1HPGdq0oTQxEXedPdlA2ulESeiFEA1KlRL6du3aoSgKNxrMVxSl0o0BhBBCiNtNaXERezeuAyBqyDAAio8eIz82FhQFr+f+ZMPohBBVYWgdTu533+FcUARY9sQQQoiGpEoJfWKiHOMhhBBCXOnATz9SXJCPu58/zaPuBiDjU8vovEv//tiHyHnWQtR3Dpd2unc6lwoeBtJPy9+8QtwJbqdV51VK6IOCgmo7DiGEEKLBMJtN7F63GoCOg4ej0WgpSUwkd/16ABrJ6LwQDYIhLAwUBceUVPBoRub5s5QZjeiuOsNaCCHqq2rvcn/ZoUOHSE5OprS0tFz5Aw88cMtBCSGEEPXZiR1byUm7gMHFlda9+gCQ8d/PwWzGuXdvS5IghKj3NE5O6JuHoJ44ib29gZKSYjLPncGnmcywEUI0DNVO6E+dOsXw4cPZv39/uXX1l4+ykzX0QgghbmeqqhL/3SoA2t03CDt7A8Zz58hZswaARuOfs2V4QohqMoSHU3riJO4GRy6UFJN+OlESeiFEg6GpboNXXnmF4OBg0tLScHR05ODBg/z8889ERUURFxdXCyEKIYQQ9cf5o4dJOXEUrZ0d7e4bDEDGF19AWRmOXbvg0K6dbQMUQlSL4dK50y6lRgBZRy+EaFCqPUK/detWNm/eTKNGjdBoNGg0Grp3787bb7/NhAkT2LNnT23EKYQQQtQL8WtXAhDesw9O7h4Y09LIXvENAI2eG2/L0IQQN+FyQu+clgEuetJlp3shRANS7RF6k8mEi4sLAI0aNeL8+fOAZeO8o0eP1mx0QgghRD2SlXKOE/HbAeg4eBgAmf+bj1paikP79jje3dmG0QkhbsblPS8cU9IAObpOCNGwVHuEvk2bNuzdu5fg4GDuvvtuZs2ahV6v57PPPiNEjugRQghxG9v1/begqoR06IRX40DKsrLIWrIEgEbPj7fuJyOEaDi0Li7YNW2Ky5kzKIpCYU42BdlZOLl72Do0IYS4oWqP0P/jH//AbDYD8Oabb5KYmEiPHj1Yt24dH330UY0HeKWff/6Z+++/n4CAABRFYfXq1detHxcXh6IoFV6pqam1GqcQQojbT2FuDgfjfgQg6v4RAGQuXIhaVIQhPBynHj1sGZ4Q4hYYwsLQqiouDk6ArKMXoqEZN24cw4YNq9M+58+fj7u7e532WZkqJ/RRUVHMmzePrl27MmKE5Q+ZFi1acOTIES5evEhaWhp9+vSptUABCgoKiIyM5D//+U+12h09epSUlBTry8fHp5YiFEIIcbvau3EdZcZSfENa0CSsDaa8PLK+WgyA1/jnZHReiAbs8jp6N9Xy37Ek9EKIhqLKCX1kZCSvv/46/v7+PP744+V2tPf09KyTP2QGDhzIzJkzGT58eLXa+fj44OfnZ31pNNWemCCEEOIOVlZayp4NawGIGjIcRVHIWvw15rw89C2a49K3r40jFELcCuvGeFk5ALIxnhBYjmk1Fhfb5HX5aPSb0bt3byZMmMDrr7+Op6cnfn5+TJs2rVwdRVGYO3cuAwcOxMHBgZCQEFasWGG9fnmmd3Z2trUsISEBRVFISkoiLi6OJ598kpycHOss8Mt9zJkzh9DQUAwGA76+vowcOfKmn6UqqryG/osvvuDjjz9m2bJlzJ8/n3vvvZfg4GCeeuopnnjiCRo3blybcd6Sdu3aUVJSQps2bZg2bRrdunW7Zt2SkhJKSkqs73Nzc+siRCGEEPXYoV82U5Sbg0sjb1p26Y65sJDM+fMBaPTccyjyQbEQDZoh/IqN8YL9ZIReCKCspISPnqjdZPRaJixYgZ3BcNPtFyxYwMSJE9m+fTtbt25l3LhxdOvWjX79+lnrTJ48mXfeeYcPP/yQRYsWMWbMGPbv30/YpY0yryc6OpoPPviAKVOmWDeGd3Z2Jj4+ngkTJrBo0SKio6PJzMzkl19+uennqIpq/QXi6OjIuHHjiIuL49ixY4wZM4ZPP/2UZs2aMXjwYFauXFlbcd4Uf39/5s2bxzfffMM333xDYGAgvXv3Zvfu3dds8/bbb+Pm5mZ9BQYG1mHEQggh6hvVbCZ+7WoAOg4aikarJWvpMkzZ2dgFBuI6cKBtAxRC3DKdlxc6X19ciyyDOpnnzmAqM9o4KiHEzYqIiGDq1KmEhoby+OOPExUVRWxsbLk6o0aN4plnnqFly5bMmDGDqKgoPv744yrdX6/X4+bmhqIo1lngzs7OJCcn4+TkxJAhQwgKCqJ9+/ZMmDChNh7Rqtq73F/WvHlzZs6cyYwZM/jmm2947rnnWL9+PSaTqSbjuyWtWrWiVatW1vfR0dGcPHmS999/n0WLFlXaZtKkSUycONH6Pjc3V5J6IYS4g53as5Os82exd3SibZ/7MJeUkPnllwB4/elZFN1N/yoVQtQjhrAwjHFx6O3sKDUayTh7Bp9mcoKTuHPp7O2ZsGDFjSvWUt+3IiIiotx7f39/0tLSypV17dq1wvuEhIRb6rdfv34EBQUREhLCgAEDGDBgAMOHD8fR0fGW7ns9tzRHMC4ujnHjxjFu3DhMJhPPPvtsTcVVazp37syJEyeued3e3h5XV9dyLyGEEHeu+LWrAIjoOwC9gyM5K1dSlp6Ozs8P96FDbRydEKKmGMLDUQA3rR6Q8+iFUBQFO4PBJq9b3Z/Nzs6uwrNcPqmtKi7vuXblWn6j8cazdlxcXNi9ezcxMTH4+/szZcoUIiMjy63Fr2nVTujPnj3LzJkzadGiBX369CEpKYk5c+aQkpLCvHnzaiPGGpWQkIC/v7+twxBCCNEApJ44xtlDB9BotbQfeD+q0UjGfz8HwOvpp1H0ehtHKISoKYbWlo3xXAqKANkYT4jb3bZt2yq8v7x+3tvbG4CUlBTr9atH7/V6faWz03U6HX379mXWrFns27ePpKQkNm/eXMPRX9FfVSsuW7aML7/8ktjYWHx8fHjiiSd46qmnaNGiRa0Fd7X8/Pxyo+uJiYkkJCTg6elJ06ZNmTRpEufOnWPhwoUAfPDBBwQHB9O6dWuKi4v5/PPP2bx5Mxs3bqyzmIUQQjRcl0fn74ruiYtnI7JXrsJ4/jxaLy/cR9lmoyAhRO0wXPpD3ik1HRp7ycZ4Qtzmli9fTlRUFN27d2fx4sXs2LGDL774ArAczx4YGMi0adN46623OHbsGLNnzy7XvlmzZuTn5xMbG0tkZCSOjo5s3ryZU6dO0bNnTzw8PFi3bh1ms7ncMvCaVuWE/tFHH2Xw4MGsWrWKQYMG2eTot/j4eO655x7r+8tr3Z944gnmz59PSkoKycnJ1uulpaX85S9/4dy5czg6OhIREcGPP/5Y7h5CCCFEZXLSLnBs+28AdBwyHNVkIuOzzwDwenIcmlvYfVcIUf/o/P3Rurv/MUIvCb0Qt7Xp06ezZMkSXnjhBfz9/YmJiSH80hGWdnZ2xMTE8PzzzxMREUGnTp2YOXMmo0aNsraPjo5m/PjxjB49moyMDKZOnUrfvn1ZuXIl06ZNo7i4mNDQUGJiYmjdunWtPYeiVvGQv7S0NHx8fGotkPoqNzcXNzc3cnJyZD29EELcQX5a8F92r/uWoIj2jPz7DHLXrePcxL+gcXOjRWwsWmcnW4cohKhhyU89Re7WbWyIsGyGN/7TRTi5e9g4KiHqRnFxMYmJiQQHB2O4zT+0VhSFVatWMWzYMJvGcb2feVXz0CqP0N+JybwQQog7U3FBPvs3W5ZnRQ0ehmo2c3HepwB4PvbYHZ3Mm0wmcnJyyM/Pp6CggIKCAgoLC61fjUYjZWVl5b6aTCZUVa3WS9SuyxtOXbnx1NVl17t2vTI7Ozt0Ol25r3q9HkdHRxwdHXF2dsbd3R13d3fc3NzQarW19JTVZwgPp+D3rbjo7ckrLSE9OUkSeiFEvSZn7QghhBBX2ffjeozFRTQKDCIosgP5P/1EybFjaJyc8Hz0EVuHV2fy8/M5e/YsKSkppKSkcPHiRbKzs6u1U7AQ16PT6fD39ycgIICgoCCaN2+O/S0eV3UrDJem27qWlpGHZdp9s4j2NotHCCFuRBJ6IYQQ4gqmMiN7flgDQNT9IwC4ONdyiovHw2PRurvbKrRaZzabOX36NMeOHePUqVNcuHCh0no6nQ4XFxecnJxwdHTEycnJ+n1lo7NarRZFUVAUBY1GY/3+ei9R866c+VDZ97dSdvl7VVUrzNAoKyujpKSEwsJCCgsLycvLIysri+zsbMrKyjhz5gxnzpxh+/btaLVaQkJCiIyMJCwsrM5H7+0vb4yXngneblyUdfRC3JZup5lgktALIYQQVzjy28/kZ2Xi5OHJXd16UvD77xTv349iMOA5bpytw6sVFy5cYM+ePRw4cID8/Pxy17y9vQkICCAgIAAfHx88PT1xcXGxyea44vZiNpvJyMggJSWFs2fPcvz4cbKysjh+/DjHjx/Hzc2NLl260LFjR/R1dESkPigIjaMjLvmF4O0mG+MJIeq9m0ros7OzWbFiBSdPnuSvf/0rnp6e7N69G19fXxo3blzTMQohhBB1QlVVdl06qq79gPvR6uzIuDQ67/7QKHReXrYMr0aZzWaOHz/Otm3bSEz8I2kxGAzcddddtGjRguDgYJyc7tz9AkTt0mg0eHt74+3tTUREBKqqkp6ezoEDB4iPjycnJ4cNGzawfft2hgwZUidHJSsaDfZhYbju2wtAxrmzmMqMaHV2td63EELcjGon9Pv27aNv3764ubmRlJTEs88+i6enJytXriQ5Odl6BrwQQgjR0Jzen0B6chJ29gYi+w6kMD6ewvh4sLPD66mnbB1ejVBVlRMnTvDjjz9ap9QrisJdd91Fu3btaN68OTqdTOATdU9RFHx8fOjTpw89evRg3759bNmyhezsbL766ivatm3LoEGDcHBwqNU4DOHhGHbtwk6jxWgqI/P8ObybNqvVPoUQ4mZV+zf2xIkTGTduHLNmzcLFxcVaPmjQIB5++OEaDU4IIYSoS/HfrQSgbZ/7MDg7k3xpZ3v34cOx8/OzZWg1IjU1lfXr15OUlASAvb09HTt2pHPnzrjfxnsDiIbHzs6Ojh070qZNGzZv3syOHTvYv38/qampPPzww3h41N7O84bwcBTATVW4iGVjPEnohRD1VbUT+p07d/Lpp59WKG/cuDGpqak1EpQQQghR19JPJ3J63x4URUOHQQ9QtH8/Bb/+ClotXs8+Y+vwbklpaSlbtmzh999/R1VVtFotnTt3pkePHjg6Oto6PCGuyd7enoEDB9K2bVuWLl1Keno6n3/+OWPHjqVJkya10qch/NLGeNm5XHRztKyj73FPrfQlhBC3qto72tjb25Obm1uh/NixY3h7e9dIUEIIIURd2/X9agBCu3TDzcePi5c+vHYbMhh9YKANI7s1ycnJzJ07l99++w1VVQkLC+Pll1+mf//+ksyLBqNJkyY8++yz+Pn5UVBQwPz5860zTWqafUgIil6PS65lg0jZGE8IUZ9VO6F/4IEHePPNNzEajYBlvVNycjL/93//x4MPPljjAQohhBC1LS/zIod/3QJA1JBhFB89Rv6PsaAoeP3pTzaO7uaYzWZ+/vln/ve//5GVlYWrqytjxoxh9OjRMr1eNEiurq48+eSTtGjRgrKyMpYsWUJaWlqN96PY2WHfqhWuxaUAXExOqvE+hBA1a9y4cQwbNqxO+5w/f369+H1a7YR+9uzZ5Ofn4+PjQ1FREb169aJFixa4uLjw1ltv1UaMQgghRK3as34tZlMZje9qjX+LVmR89hkALvfdh33z5jaOrvoKCgpYtGgRmzdvRlVV2rZtywsvvMBdd91l69CEuCX29vaMHj2awMBAiouL+eqrryqdOXqrDGFhOF9K6AuysyjMya7xPoQQoiZUO6F3c3Nj06ZNfPfdd3z00Ue89NJLrFu3ji1btsjRNkIIIRqc0qJC9v34AwBR94+gNCmJ3B8s7xuNf86Wod2U1NRUPvvsMxITE7Gzs2PYsGGMGDECg8Fg69CEqBF2dnaMHTsWLy8vcnNz+eqrrygtLa3RPgzh4ejMKs6KFoD000k1en8hRO3p3bs3EyZM4PXXX8fT0xM/Pz+mTZtWro6iKMydO5eBAwfi4OBASEgIK1assF6Pi4tDURSys7OtZQkJCSiKQlJSEnFxcTz55JPk5OSgKAqKolj7mDNnDqGhoRgMBnx9fRk5cmStPu9Nn0vTvXt3unfvXpOxCCGEEHXuwE+bKCkowMO/Mc07dCJl8mQwm3Hu1QtDWJitw6uWQ4cOsWrVKoxGI56enowdO1b2txG3JUdHRx599FE+//xz0tLS2LhxI0OGDKmx+1/eGM+loIh8Rz3pp08RFNGuxu4vREOgqiqq0WyTvhU7DYqi3HT7BQsWMHHiRLZv387WrVsZN24c3bp1o1+/ftY6kydP5p133uHDDz9k0aJFjBkzhv379xNWhd/90dHRfPDBB0yZMoWjR48C4OzsTHx8PBMmTGDRokVER0eTmZnJL7/8ctPPURXVTug/+uijSssVRcFgMNCiRQt69uyJVqu95eCEEEKI2mQ2mdi17lsAooYMpywlhZxv1wDg1cBG57dt28b69esBCAkJYdSoUbV+XrcQtuTh4cGIESNYtGgR8fHxtGzZkpYtW9bIve1btgStFuecfHD0JF3W0Ys7kGo0c37K7zbpO+DNaBT9zeeTERERTJ06FYDQ0FA++eQTYmNjyyX0o0aN4plnLKfYzJgxg02bNvHxxx8zZ86cG95fr9fj5uaGoij4XXGsbXJyMk5OTgwZMgQXFxeCgoJo3779TT9HVVQ7oX///fdJT0+nsLDQegZoVlYWjo6OODs7k5aWRkhICD/99BOBDXhXYCGEELe/Y9t/Izc9DQdXN8J63kPGO+9CWRmOXbrgWMu/gGuKqqrExsby66+/AtCpUycGDBggH6yLO0Lz5s25++672b59O99++y0vvPBCjSwB1RgM2DdvjmvqWQBJ6IVoYCIiIsq99/f3r7CJZteuXSu8T0hIuKV++/XrR1BQECEhIQwYMIABAwYwfPjwWj1VptoJ/T//+U8+++wzPv/8c5pf2ijoxIkTPPfcc/zpT3+iW7dujBkzhj//+c/l1iEIIYQQ9YmqquxauwqAdvcNhuwcsld8A0Cj8eNtGVqVmc1m1qxZY/0DpE+fPvTo0eOWpikK0dD07duXU6dOkZ6eznfffceYMWNq5L6GsDBcEk8BkHk2GVNZGVrdTa9WFaLBUew0BLwZbbO+b4WdnV35+ykKZnPVlw9oNJb+VVW1ll0+5e16XFxc2L17N3FxcWzcuJEpU6Ywbdo0du7cWWs74lf7J/WPf/yD999/35rMA7Ro0YL33nuPSZMm0aRJE2bNmsVvv/1Wo4EKIYQQNenc4YOknjyOzk5Pu/6DyfzffNTSUhzatcPx7s62Du+GTCYTK1eutG7S88ADD9CzZ09J5sUdx87OjhEjRqDRaDhy5AjHjx+vkfsaWofjYCzDTlEwlZWRdf5sjdxXiIZCURQ0eq1NXnXxu2zbtm0V3l9eP395/5mUlBTr9atH7/V6PSaTqcJ9dTodffv2ZdasWezbt4+kpCQ2b95cw9H/odoJfUpKCmVlZRXKy8rKSE1NBSAgIIC8vLxbj04IIYSoJTvXrgQgvFcf9CYzWUuXApa18/U9KTaZTKxYsYIDBw6g0WgYNWoUHTp0sHVYQtiMv78/Xbp0AWDDhg2V/pFdXYawMBTApcTyd2/66cRbvqcQov5Yvnw5X375JceOHWPq1Kns2LGDl156CbAMWAcGBjJt2jSOHz/O999/z+zZs8u1b9asGfn5+cTGxnLx4kUKCwtZu3YtH330EQkJCZw+fZqFCxdiNptp1apVrT1HtecN3XPPPTz33HN8/vnn1gX+e/bs4fnnn6dPnz4A7N+/n+Dg4JqNVAghhKghmefPcmrXDlAUOg4eRubChaiFhdiHh+Hcq5etw7suk8nE8uXLOXLkCFqtloceeqhW/1CoTKnZTGqJkdQSIxdKy8gzmSg0mSkoM5NvMlFgMlNkNlOmqphULn21vMpULn1VMavl73vVW9SrStSrK1Sof/3311LZxzdV/Uinss9+lEpaV7WPyu93k/ev4kNUHlslfVQpNrDXaLDXKBgufbXXaHDQKrjrdLjZaWlkp8Pf3o7GBj0u2lvbyfpKPXv2JCEhgYsXL7Jz505rgn+z7C+N1Dnn5pPZyI305CQa1rkXQojrmT59OkuWLOGFF17A39+fmJgYwsPDAcvMn5iYGJ5//nkiIiLo1KkTM2fOZNSoUdb20dHRjB8/ntGjR5ORkcHUqVPp27cvK1euZNq0aRQXFxMaGkpMTAytW7euteeodkL/xRdf8Nhjj9GxY0fr2oSysjLuvfdevvjiC8CyZf/Vn2AIIYQQ9cWutasBaN7xbtxc3Djx1WIAGj03vl6PzpvNZlavXm1N5seMGUNoaGit9KWqKieLSjiQV8SRgmKOFBRxtthISomRDGPFmXpC3AxPOy2tnAyEOTnQ0dWRHh4u+Njb3bhhJQwGA3369GHt2rXExcURERFxSxtRaZ2d0QcF4ZqXBcgIvRD12fz5863fx8XFVbi+evXqCmUBAQFs3Ljxmvfs1q0b+/btK1emXvXJ8ty5c5k7d265ssr6r03VTuj9/PzYtGkTR44c4dixYwC0atWq3OjAPffcU3MRCiGEEDWoMCebgz/HAhA1ZBhZi7/GnJeHvnlzXPr1tXF016aqKt9//z379+9Ho9Hw0EMP1Xgyf7qohE0ZufyalceOnAIyjdeetmyvUfDV2+Fnb4erTouTVoOzVoOT1vK9g1aDTlHQKaBRlEvfK2gVLn1VKl33V5Mj3lX5bOZao/6VFVdeVrH0RjMJbqqfSm56rW6qfs/K6t1iPyqUmM2UmFXr12KzmQKTmZwyEzlGE+lGI+eLjWSVmcg0mtiaXcDW7AK+PGe5x11OBoZ4uzPG35MmBv01eq9c+/bt2bFjB2lpacTFxTFo0KBqtb+afXgYLlt+AiShF0LUTze9Veddd93FXXfdVZOxCCGEELVuz4bvMRmN+LVoiX/TYE7OfxaARs/9CUVza7vq1hZVVdm4cSO7du1CURRGjBhRY9PszxSXsiwlkzXp2RwtKC53zaBRaOPsQJizA62cDAQ72ONvb0niPXR1s2mRuH0VmEycKizhcEExB/OL2JqVz/78yzNCUpmdlEovDxdeDvKhm4dLle6p1WoZMGAACxcuJD4+nm7duuHm5nbTMRrCw3HZsMESb3YWBdlZOLl73PT9hBCipt1UQn/27FnWrFlDcnIypaWl5a79+9//rpHAhBBCiJpmLClm78bvAYgaMoLs5csxZWdjFxiI6y2O5NWmLVu2sHXrVgDuv/9+2rRpc0v3M6sqGy7m8OW5i/yalW8dadUq0NnNiXs9Xenq7kxbFwf01fmQw1QGpflgLARjEZjLLr1M5b+ql79WcoRQpcPblQ4lV63eNe95DZV+SFGFxePXrFfV+91KPVv2rVSso9WDzgA6+0svA9g5WL5ecQ8nrZa2Lo60dfljWnymsYzNGbksScnk1+x84rLyiMvKo6+XK/9o7s9dTg6VxFBeSEgIQUFBnD59mt9//52BAwfesM21GMLC0ZlVnE0q+VqFtKRTBLfreNP3E0LUD5XNemqoqp3Qx8bG8sADDxASEsKRI0do06YNSUlJqKoqO+wKIYSo1w79vJmivFzcfHxpHtmBxNffAMDrT8+i1NPzpbdu3WpdjzdgwIBb+l1bajazIjWLOWfSOFFYYi3v7u7MQ/6e3OflirvdVT8HVYWCdEg/AjlnIS8F8lL/+Jp/AUryoLQQTCUIcU1aPRjcwdELXP3BJQA8moHPXeAdBp4heNrpGOnnyUg/T04XlTD3TDpfnb/Ijxm5bM7I5c/NfJnYzA/tDWaH9OzZk0WLFrFr1y569OiBs7PzTYVsCLdsg+eSm0++hwtpiScloRdC1CvV/utl0qRJvPbaa0yfPh0XFxe++eYbfHx8eOSRRxgwYEBtxCiEEELcMtVsZtf3qwHoMGgoeWvWUJaejs7PD/ehQ20b3DXs3r2bDZem+95zzz03vWu3qqqsTc/hn6fOk1hkmVnnqtPwREAjHgvwoqmD/R+Vi3MgeRuc2QFnd0LqfijKrPS+ZaodhWZ3jGYXjKo3RtVgeeFImcYFVbHDrOhQ0WFW7FDRYkZ3qUyLirbygK/K1VT1GiPDVxdXWg/UyupWXhGlslF+pbLt+CvWUyqtV2k0FTuuYtm1nvCm+1HVinFXVrfKz6yiVYsvvYrQmgvRUYxOKcVeKcC+JB9D3lkMaYcrDvg7eEBQNwjuCXcNJsitCe+0bMKzTRrx1skU1l3MYXbSBbZlFzAnPAjf62yeFxISQuPGjTl37hxbt26lX79+16x7PTpPT3T+/rgWFZHiAWmyjl4IUc9UO6E/fPgwMTExlsY6HUVFRTg7O/Pmm28ydOhQnn/++RoPUgghhLhVJ3ftICvlPPZOTrTu3pszQ4cD4PX00yj66m28VReOHTvGd999B1iOxunZs+dN3Wd/XiGTjp0lPrcQgEZ2Ol5s6sNjAV446y4l1Bkn4fB3cHyjJZlXLZvhlal2ZJU1JqusDZm6NuRrmlBg9qTA6ExhsYGS0msk5ELcgEaj4uRQiqt9Np7aJDyNB/AxHqLR4XVojqyFH/7Pkti3e4TmrYfxZdtgVqRm8vqxs/yWnc+9O4/ydWQIES6V72KvKAo9e/YkJiaGnTt30q1bt5ve8d4QFobrDsuSl/Skkzf9zEIIURuqndA7OTlZ1837+/tz8uRJ67l6Fy9erNnohBBCiBoSv3YlAJH9BlG0KRbj+fNovbxwHzXSxpFVdO7cOZYvX46qqkRGRtKvX79qb0BXYDLxXmIqn51Nx6SCg0bDC029eT7Qx5LIF+fAnuWwdymc3QFAidmRs6WdOK+JJtXUmot5HpjN1+9Xq9Ogd9BiZ69Fp7d8vfy9RqugKAoarYJGo6BosHzVatAooGiuce8q7nRfnQPkqzhAX7XCKu4Of0tL/6uxq33V+6niPW8hHlUFk9GMucxMWZkZk9GMqcyMscREaVEZJYWWl9mskFdgT16BL+fwBe4GQG9XRoDTaYLNP9D85FbsE7fA5pnQ+2+MjBhNO9eW/OlAEocKihmVcJKYyBA6uDpV9hS0bNkSX19fLly4wI4dO+jdu3el9W7EEB6O65Y4ALJSzlNaVIje4eaPwxNCiJpU7YS+S5cu/Prrr4SFhTFo0CD+8pe/sH//flauXHnTUwGFEEKI2nT+2BHOHTmERqujXb+BpD36BABeT45DYzDYOLryMjMz+frrrzEajYSEhHD//fdXO5nfnp3Py4eTSS62fAA/1MedN1s0tkxRzkqC7Z/C7kVQmkehyY3jJfdziv6k5gVgvmraur2TDk9/Jzz9nXBt5ICTmx5HN3uc3OxxdNNj76iT3e5FtZjKzBTklFCQXUpOWiGZ5wvIOJ9P6qlcSosgKbs5SbzEzwUvEOKwi3bGpfh8+wL89gEtHviYbzt04pF9p9iRU8BDCSf5OiKEzu4V18grikKPHj1YsWIFO3bsoHv37uhuYq8MQ3gY9iYzBhWKFcu0+yZ3ta6JH4UQQtyyav+r9u9//5v8/HwApk+fTn5+PkuXLiU0NLTWd7j/+eef+de//sWuXbtISUlh1apVDBs27Lpt4uLimDhxIgcPHiQwMJB//OMfjBs3rlbjFEIIUb/sWrsKgLDuvVF3xFOalITGzQ33MWNtHFl5BQUFfPXVVxQUFODn58fo0aOrlYAYzSr/Tkrlw9MXMAON7e14p2UT+jVyg+xk+OFd2Ps1ZjMklURxsGwEZwpalluj7u7rSGCYJ37NXfELdsPFyyAJu6hRWp0GVy8HXL0c8G/+x5FyZrPKxTN5JB/K5Nj2VLJSCzme34nj+Z0IcdxFZ+NCvP43EJeerxPTbSKPHTzD79n5jN13irUdQglzrrgDflhYGK6uruTm5nLw4EEiIyOrHa8hPBwA17xCil0dSUs8JQm9EKLeqFZCbzKZOHv2LBEREYBl+v28efNqJbDKFBQUEBkZyVNPPcWIESNuWD8xMZHBgwczfvx4Fi9eTGxsLM888wz+/v7079+/DiIWQghha9kXUjl+af1rx8FDufjyqwB4PvYYWufKp+raQmlpKV9//TWZmZm4ubnxyCOPYG9vf+OGl5wrLuVPB5PYdWmt/EN+HrwV2gSX0hzLeuT4LzEaFQ4VDWJf6UhyS/5IpHyDXQnt5Euzto1w877xsWBC1AaNRsEnyBWfIFc6DggiPTmPfZvPcnRHKqcKO3KqsAPtnVZzd9x7OJ36ia9GLuTRU/B7dj7j9ieyPqolHled0qDVaomKimLz5s3s2LHjphJ6na8v2kaNcC0sJs3VkTRZRy+EqEeqldBrtVruu+8+Dh8+jLu7ey2FdG0DBw6s1lmi8+bNIzg4mNmzZwOWT2l//fVX3n//fUnohRDiDrF73beoqplm7TpiOJnIxWPH0Dg54fnoI7YOzcpsNrNixQrOnTuHg4MDjz76KC4uLlVu/0tmHs8dSiLTaMJVp2FWy0CGebvB3q9h0xTKCnI5WNifXcVjKDJaPsSwd9LRuntjwqL9cfeV9cCiflEUS3Lf98lwOvQPYsd3pzi5J509BcM5U9qBfqb38Fw4mM/HrmRAsZ7TxaWMP3iaxREh6K7am6FDhw5s2bKFc+fOce7cORo3blztWBzatMF1904A0pJO1dhzCiFqxrhx48jOzmb16tV11uf8+fN59dVXyc7OrrM+K6OpboM2bdpw6lTD+Ids69at9O3bt1xZ//792bp16zXblJSUkJubW+4lhBCiYSrKz2P/TxsB6Dh4GBfnWmaVeTz8MFobfDB9LRs2bODYsWPodDrGjh2Lt7d3ldqpqsp/ktMYvfckmUYTbZ0d2BTVimG6TJg/CHX1ixzPCGNx5mf8mvc0RUYnXBsZ6PVwK554uxtdhzeXZF7Ue54BTgx4ri0Dx7fF4GTHRWMQyzJmc+qcJ54LBzG/iRYHjYYtWXnMPHW+QntnZ2frBs47dlg2gDxzaD+b/vsJ6VU8hs7Qpg2uxSUAZJxJxlRmrKGnE0KIW1PthH7mzJm89tprrF27lpSUlHqd/KampuLr61uuzNfXl9zcXIqKiipt8/bbb+Pm5mZ9BQYG1kWoQgghasG+TT9QVlKCd1AwXrkFFO/fj2Iw4DnuCVuHZrVjxw62b98OwIgRI2jatGmV2pWZVf569CwzTp7HDIz282RNu+YE7V8Ic7uReeoM32bPZGPOX8g3uuPsYU/vR1rx8PQutOnZGDu9HDknGpaQdt6MmdKZwDAPTKqe9dmvc+RCKOFLhvBRU8vmlvPOpPNrVl6Ftp07dwbgwP79xC2ez7I332Dfj+tZ/PeJ7N30A2olu/hfydCmNQ6lZdipYDaVkXH2TM0/oBCiRvTu3ZsJEybw+uuv4+npiZ+fH9OmTStXR1EU5s6dy8CBA3FwcCAkJIQVK1ZYr8fFxaEoSrnR94SEBBRFISkpibi4OJ588klycnJQFMuJLpf7mDNnDqGhoRgMBnx9fRk5snZP06l2Qj9o0CD27t3LAw88QJMmTfDw8MDDwwN3d3c8PDxqI8Y6NWnSJHJycqyvM2fkH2whhGiIyoxG9qy3nOMedf8IMud9CoD7Q6PQeXnZMjSrEydO8MMPPwBw7733En5p860byS8z8dj+U3yVkoEGmBnamA+a2OOwZBSm7/+PndlDWJrxAedKWqO109D5/mAemd6F1j0ao9VW+1e/EPWGk5s9Q16K5K4ufqhoic2ZQELa3dy/7nGe8HUF4M9HzlBQZirXrnHjxvh7N0KfeJhda1aAquIR0AST0ciPn/+HtR/Oosx47VF3h9atUQCXAsuAUFqirKMXtz9VVSktLbXJ60Yfst3IggULcHJyYvv27cyaNYs333yTTZs2laszefJkHnzwQfbu3csjjzzCmDFjOHz4cJXuHx0dzQcffICrqyspKSmkpKTw2muvER8fz4QJE3jzzTc5evQo69evp2fPnrf0LDdS7V3uf/rpp9qIo1b4+flx4cKFcmUXLlzA1dUVB4fKN/2xt7ev1iZEQggh6qcjv8ZRkJ2Fs6cXgXpHzsbHg50dXk89ZevQAEhLS7OeNd+uXTu6d+9epXYpJaU8uu8UB/OLcdBomNc6iP55++DTp8nIsic2dxbpxhAAmkU0osdDobg2ko3uxO1Do9XQ5/Ew7J3s2Bt7ht/ynsL+9MdM3vMPYoP/zpniUmaeSuHtlk2sbRRFwTU3g/zCPNBoGfjCq4R168Wu71fzS8wCjm39Bd/g5nQeWvlIms7bG52fH65FJWQ6O8g6enFHMBqN/POf/7RJ32+88QZ6vf6m20dERDB16lQAQkND+eSTT4iNjaVfv37WOqNGjeKZZ54BYMaMGWzatImPP/6YOXPm3PD+er0eNzc3FEXBz8/PWp6cnIyTkxNDhgzBxcWFoKAg2rdvf9PPURXVTuh79epVG3HUiq5du7Ju3bpyZZs2baJr1642ikgIIURdUFWV+EtH1XUY+ABZ//0cAPfhw7G74hevreTn5/P1119TUlJCUFAQQ4YMqdLRcIfyi3hk3ylSSox463UsahNMu71zUTe/xcHCfvya9zQm1Q57Rx09x7QktJOvHDknbkuKRqHbyBZodRp2bzhNXO7z3H9gOrMbbWK0vjf/O3eR+73difawnE+fn5VJ6oE9ABQ2aY5T0xAUjYao+0dg7+zMxnkfsev71XQY+AC6ayQRhjatcdtlWR4jO90LUb9dPpXtMn9/f9LS0sqVXZ0Tdu3alYSEhFvqt1+/fgQFBRESEsKAAQMYMGAAw4cPx9Gx9varqXZCD/DLL7/w6aefcurUKZYvX07jxo1ZtGgRwcHBVR5huBn5+fmcOHHC+j4xMZGEhAQ8PT1p2rQpkyZN4ty5cyxcuBCA8ePH88knn/D666/z1FNPsXnzZpYtW8b3339fazEKIYSwvaS9u8k4m4zewYFQ/6ak/PoraLV4PfuMrUPDaDSyZMkSsrOz8fT0rPJZ8z9n5vHUgUTyTWZCHe1ZHN6YphtepmTfD/yU8xdOlkQDENTGi3sevQsnd5ltJm5viqLQZWgIuRlFnIhPY332//HgL//HI/d3ZnGhI68dPUNc51boNRp2fb8ac1kZBm9f8pxc2bNnD0FBQQCE9+jD1hUx5F1M50Dcj7S7b1Cl/Tm0aYPrLz8DkJZ4CrPZhEYje1GI25ednR1vvPGGzfquyfaKomA2m6vcXqOxLE+7cuq/8TrLci5zcXFh9+7dxMXFsXHjRqZMmcK0adPYuXNnrZ0SV+2FdN988w39+/fHwcGB3bt3U1Ji2fEzJyen1qdkxMfH0759e+u0hYkTJ9K+fXumTJkCQEpKCsnJydb6wcHBfP/992zatInIyEhmz57N559/LkfWCSHEbS7+u5UAtO3Tn7wFCwBwGzIYvY03OlVVlW+//ZazZ89iMBh4+OGHq/Sp/Q/p2Ty67xT5JjPd3J1Z29KNpjFDubgnnmUZszlZEo1GaxmxHPxihCTz4o6haBTufTwM32BXSlRnvs/6O5N+eYVGOg2nikpYeD6Dovw89m60zNjsOGQEAAcPHrT+DavV6Yi6VL5zzTeYTaZK+zK0boNziRGtqmIsKSbz3Nk6eEIhbEdRFPR6vU1edTG7bNu2bRXeh4WFAVhPm0lJSbFev3r0Xq/XY6rk3wudTkffvn2ZNWsW+/btIykpic2bN9dw9H+4qV3u582bx3//+99yn3x069aN3bt312hwV+vduzeqqlZ4zZ8/H7CcBRgXF1ehzZ49eygpKeHkyZOMGzeuVmMUQghhWxcST5J8YC+KRkPrVm3J/zEWFAWvP/3J1qGxZcsWDhw4gEajYfTo0TRq1OiGbb5JzeSZg0mUqipDvN2I8c3H7X99OX7SwDeZ75Jr8sPFy8CI1zrSrm9TmWIv7jg6vZZBz0fg7KEnxxTA/nN9+WuWZfOr2YmpbFu3BmNJMd5Nm9H5voF4enpiNBo5dOiQ9R5t+/TDwdWN3PQLHPn950r7MbSxbIznWlAMwIVTJyqtJ4RoGJYvX86XX37JsWPHmDp1Kjt27OCll14CoEWLFgQGBjJt2jSOHz/O999/z+zZs8u1b9asGfn5+cTGxnLx4kUKCwtZu3YtH330EQkJCZw+fZqFCxdiNptp1apVrT1HtRP6o0ePVrpTn5ubW7lt/YUQQghb2HVp7Xyrrj0oXbYcAJf+/bFv3tyWYbF//37rh85DhgwhODj4hm0Wnb/IS4eTManwkJ8H85T92H05iK3nerMx56+UqfYEhnnw0KRO+Aa71vITCFF/Obrq6fuk5az5Q0X9iN66gZbaEvKLCtm1bg0AnYeNQqPRWGd67tmzx9rezt5Ax0FDAdixejlqJVNzdR4e2DVpgluRZWQ/9eTxWn0mIUTtmj59OkuWLCEiIoKFCxcSExNjPW3Gzs6OmJgYjhw5QkREBO+++y4zZ84s1z46Oprx48czevRovL29mTVrFu7u7qxcuZI+ffoQFhbGvHnziImJoXXr1rX2HNVeQ+/n58eJEydo1qxZufJff/2VkJCQmopLCCGEqLbci+kc3foLAJEd7iZ33vMANHrOtqPzycnJrF69GrDMaOvQocMN28xNTmP6yfMAPBngxVtp32D+cSYbcyZwotiyX037+5rSZWgIGjmKTggat/SgXb+mJGxK5pec5/m/A5/wvtIbpagAJx8/Wna1/HcTGRnJ5s2bSU5O5uLFi9aZMpH3DWLHtyvIOJvMmUMHaNomokIfhjZtcNv2KwAXTklCL0R9cXnGNlBhxjZg/R18pYCAADZu3HjNe3br1o19+/aVK7v6OL25c+cyd+7ccmWV9V+bqv0XwLPPPssrr7zC9u3bURSF8+fPs3jxYl577TWef/752ohRCCGEqJI967/DbDIRGN4WzQ8bwGzGuXdvDJfWxNlCVlYWS5YswWQycdddd3Hvvfdet76qqryXmGpN5l8O9OafSfMo2fQe32ZO50RxdzRahXvHhRE9ooUk80JcocsDIXgFOFJkdoOjYXQ5aVkOmhze0bqBnaurK80vzdjZu3evta3ByZnQuy2bS57YubXS+zu0aY1boWWEPj0pEVNZWa09ixBCVEW1/wr429/+xsMPP8y9995Lfn4+PXv25JlnnuG5557j5Zdfro0YhRBCiBsqKSxk34/rAWgX3Yucby3TbBuNf85mMRUXF/P1119TWFiIv78/I0aMsO6cWxlVVXknMZX3klIBmNTMh7/ve5OcX77hm4x3SDWGoXfQcf+EdtzVxb+uHkOIBkNrp6HvU23QaCCxuAOeZ08DsMYnhBOFxdZ6kZGRgGUpzJUjbqGdLcdYHd+5tcJIHFhG6J1KjejMKmXGUjLOJleoI4QQdanaCb2iKPz9738nMzOTAwcOsG3bNtLT05kxY0ZtxCeEEEJUyf7NGygtKsSzcSAuv2+HsjIcu3bBoV07m8RjMplYvnw56enpuLi4MHbsWPTXON/6sveSUvnw9AUAZgR788rvr5ASn8A3Ge+QYwrAxcvAg693pEkrj7p4BCEapEZNnIm4tylmYyKqCiUuLlz08OGjS/9tAbRq1Qo7Ozuys7M5e/aP3eqD2rbHzt5AfsZFLlSyRt7Qpi2KouBWUATIxnhCNFSqqjJs2DBbh1Ejqp3Qf/XVVxQWFqLX6wkPD6dz5844OzvXRmxCCCFElZjKyth9aeOr9r3uJecby7F1jcbbZimYqqqsX7+ekydPYmdnx9ixY3F1vf6mdR8kpTI7yZJwTG/qzrM/juPk/ly+zZxOseqKT5ALI/8vCk9/p7p4BCEatE6DmqGoJwHwsteDovDNhSxOX9rQTq/XW4+nunKNrE6vJ7h9FGAZpb+a1tkJ+9DQKzbGO1arzyGEEDdS7YT+z3/+Mz4+Pjz88MOsW7eu0rP3hBBCiLp0bNuv5GWk4+jmjs+hE6ilpTi0b49j5042iWf79u3s3LkTgAcffJCAgIDr1v9PchrvJFqm2f+jsTPPrR/NwWNurM/+Kyb0BEc2YthfOuDoev0RfiGEhUZrxmRMBMBU2oseuUcwqfDx6TRrnbZt2wKWM+mv/Hu2xeVp9zuusY4+MsK6jl5G6IUQtlbthD4lJYUlS5agKAoPPfQQ/v7+vPjii/z++++1EZ8QQghxXaqqEv+d5ai6yF73krvcclRdo+fH2+RM9mPHjrFhwwYA+vXrx1133XXd+p+eSWPGpQ3w/ubvyIs/jGJXYjhxuS8AGsJ7BDDgubbY6bW1HboQt43kA3sxGUvQ2rlg1gRxz17LB2ZLUzM5V1wKQEhICI6OjhQWFnLy5Elr25D2ndDqdGSdP0vG2TMV7u0QGfnHxninkygzGuvgiYQQonLVTuh1Oh1Dhgxh8eLFpKWl8f7775OUlMQ999xj3TFUCCGEqCvJB/aSlnQSnd6ewJSLqIWFGMLDcerRo85jSU1NZcWKFaiqSocOHYiOjr5u/S/OpjP1hCWZ/4ufgVd+GMnvp3uwLf8xADoOCKL3w63QaOr+gwkhGrLLo+vNo7qgKArq+TZ0zj2JUVWZe8YySq/VamnTpg1g2RzvMntHR5q2ibx0n4oDVg6RkTgYy7AzmTGbyriYnFTLTyOEENd2S2fdODo60r9/fwYOHEhoaChJSUk1FJYQQghRNTvXfANAm+69KVxqGZ33Gv9cnY/O5+XlERMTQ2lpKcHBwQwePPi6MSw8d5G/Hz8HwCu+9kz8YTSbk+8noXAYAN1GtqDLsOY2mWUgRENmNpk4Gb8NgIh7exES4Q5o6HkgHYCYlExyyyxT7C9Puz9y5AilpaXWe7TofO3j6/TNm6N1dsatwLJrvpxHL4SwpZtK6AsLC1m8eDGDBg2icePGfPDBBwwfPpyDBw/WdHxCCCHENaUlneL0vj0oGg3NC8sw5+Whb9Ecl7596zQOo9HIkiVLyMnJwcvLi4ceegit9tpT5L8+n8Hrxyw7az/fyI7X1o1h4+nRHCm6F0UDfR4Po13fpnUVvhC3lZTjRynKy8Xg5EyTsDZ0HtoSUDGcaUmLwgsUmMx8fT4DgCZNmuDh4YHRaOTIkSPWe7SIuhsUhQunTpCXebHc/RWNBkPbNldsjCcJvRDCdqqd0I8ZMwYfHx/+/Oc/ExISQlxcHCdOnGDGjBk3XCcohBBC1KTLo/MtO3WldOkyABo99xzKdc56r2lms5nVq1dz7tw5HBwcePjhh3FwcLhm/WWpmfzlqGVd7rNedkxaP4Yfkh/nVEkXtDqFAX9qS1i0nDEvxM06vT8BgKZt26HV6fBq7Exoh0YoQLejllH6z8+lU2ZWURSl3OZ4lzm6ueMX0gKA5P17K/ThEBmJ+6Vz7VOOH63FpxFCiOur9l88Wq2WZcuWkZKSwieffELXrl2t1w4cOFCjwQkhhBDXkpN2gaNbfwGgpdaAKTsbu6ZNcR04sE7jiIuL4+DBg2g0GkaPHo2Xl9c16668kMWrh5NRgSc9tfxj/RjWnXmGM6Xt0ek1DHm5HSHtvOsueCFuQ8kHLAn45XXwAJ0eaIGiqPifDMDDWMDZYiPrL+YAWNfRHz9+nKKiImuboIj2wB8fEFzJktBbRugzziZTXJBfK88ihKiacePG1fm58vPnz8fd3b1O+6xMtRP6y1PtL08lzMvL47PPPqNz585ERkbeoLUQQghRM3atW41qNtO0TSTKCssu943+9CyKTldnMezdu5eff/4ZgAceeIBmzZpds+6atGxeOnQaM/CYh4YpPzzC92fGc660LXb2Gh6Y0I4mrTzqJnAhblOlxUXWEfOgtu2s5R5+TrTq5I2dCbqdsux4/9lZy2i9j48PPj4+mM3mctPum7axtE/en4CqquX6cYiMxL7MhGOJZYf7VBmlF0LYyE3PSfz555954okn8Pf357333qNPnz5s27atJmMTQgghKlWUl8v+zRsBCHPxpCw9HZ2/P24PPFBnMZw+fZo1a9YA0L17d9q1a3fNuuvSs3n+UBJmYKybwvQfHmHtuRdJMYZh76Bl6Ksd8G/hXidxC3E7O3f4IGZTGa7ePrj5+pW71nFwC0ClxRFPdGYTO3IK2JNbCPwxSn/lbNOAVmHo9PYUZGeRceZ0uXvpPD2xa9oU90sb450/fgQhRP3Qu3dvJkyYwOuvv46npyd+fn5MmzatXB1FUZg7dy4DBw7EwcGBkJAQVqxYYb0eFxeHoihkZ2dbyxISElAUhaSkJOLi4njyySfJyclBURQURbH2MWfOHEJDQzEYDPj6+jJy5Mhafd5qJfSpqam88847hIaGMmrUKFxdXSkpKWH16tW88847dOrUqbbiFEIIIawSNn5PWUkJPkHB6FevBS6Nzuv1ddJ/ZmYmS5YswWQyER4eTp8+fa5Zd+PFHJ47eBqTCiNdYcb6R/nu3CukGUMxOGkZ+ucO+Aa71kncQtzuTl8x3f7qEyLcfR1p3tYVl2KVLucsm1LOP2fZ8K5169YAnDp1ivx8y/R5nZ0dTcIs5ZVOu4+IwOPSOvrzxyShF7cfVVUxmQpt8rp6Vkx1LViwACcnJ7Zv386sWbN488032bRpU7k6kydP5sEHH2Tv3r088sgjjBkzhsOHD1fp/tHR0XzwwQe4urqSkpJCSkoKr732GvHx8UyYMIE333yTo0ePsn79enr27HlLz3IjVZ6XeP/99/Pzzz8zePBgPvjgAwYMGIBWq2XevHm1GZ8QQghRjrG0hD0/fAdAuE9jTKk/ovP1xe3BB+uk/6KiIr7++muKiooICAhg2LBhaK6xCV9sRi7PHEjCqKoMc1F5e/3jfJfyFzLLmuLgomPoqx3wauxcJ3ELcSewrp+/Yrr9ldoPbsXJ/fG0POrCr4GwJi2LN1sE4OXlRUBAAOfPn+fw4cPWQaqgtu1I2rub0/sT6Dh4WLl7OURG4vGjZaZQyvGjqGZznW7IKURtM5uLiNvS1iZ99+61H63W8abbR0REMHXqVABCQ0P55JNPiI2NpV+/ftY6o0aN4plnngFgxowZbNq0iY8//pg5c+bc8P56vR43NzcURcHP74/ZQMnJyTg5OTFkyBBcXFwICgqiffv2N/0cVVHlf3V++OEHnn76aaZPn87gwYOvexyPEEIIUVsOxsVSlJeLayMfnNdZ/pj2euYZNHUwOm8ymVi2bBkXL17E1dWVsWPHor9Gv1sy83jqQCKlqsoQZzPv/PAka87/lcyypji52TH8Lx0lmReiBhXm5pCedAqApq0jKq3j28yVxsF6AjKgaW4mRWaVFReygMqn3V/+YODsoQOYyozl7uXYsQPOxaVozWZKiwrJOJtc048khLhJERHl/w3w9/cnLS2tXNmVm7tffl/VEfpr6devH0FBQYSEhPDYY4+xePFiCgsLb+meN1LlEfpff/2VL774go4dOxIWFsZjjz3GmDFjajM2IYQQohyz2UT82pUAtA4Mxhy7Fa13I9xH1e76NLBMPVy3bh2JiYnY2dnx8MMP4+LiUmndX7PyeGL/KUrMKgOdTLy7/lm+S32dXJMfzh56hk3sgJv3zY88CCEqOnNwHwCNAoNwcr/2BpMdhoRx7uO9tDmhIbkDLDqfwVONG9G6dWs2btzI6dOnycnJwc3NDe+mzXB0c6cwJ5uUY0dpEt7Geh/7Vq3QOTvjXlBChosD548foVHTZrX9mELUGY3Ggd699tus71thZ2dX7r2iKJjN5mr0bxn3vnLqv9FovFZ1KxcXF3bv3k1cXBwbN25kypQpTJs2jZ07d9bajvhVHqHv0qUL//3vf0lJSeG5555jyZIlBAQEYDab2bRpE3l5ebUSoBBCCHHZ8e1bybmQisHZBc8fLbvLez39NBqDodb73rZtG7t27QJg5MiR5abYXWlrdj6P7Uuk2Kz+P3t3Hh9FeT9w/DMze2/u+yQhEEg4wn0jgoIioqJAQbQqrbbaWqu2tvZXFbyq4oUXaqvWG62KHKIIgghyX4EAIUAgEMh9J3vvzvz+2LBJSJD70ufNa9ndmed55pnJJrvffS5GWXzMWPR7vir2B/MhUUau/2sfEcwLwllwZL345svVtSW5SwSR0RpdCzSMPg+7bE421tkJDQ2lXbt2AOzcuRMASZYD5R3I2dKiHElRMPfqFViPXoyjF35uJElCUSzn5Xb0HBhnw9ETuq9du5bMzEwAoqP9S8gWFxcH9mdnZ7dIbzAY8Pl8rcrV6XSMHDmSGTNmsG3bNgoKCli2bNkZrn2Tkx7oY7Va+c1vfsOPP/5ITk4Of/nLX3j66aeJiYnh2nM4u7AgCILwy6JpGhvm+2egzUzpiHboEEpkJOGTJp31Y+fl5fHtt98CcOWVV9K5c+c2022otXHTtn04VJURZi/PLbqLhSV/p0GNISzGxPV/6UtI5Om1OgiC0LbjjZ8/QpIkel6Vicmj0e2gvyvsB0X+yfHa6nZ/ZPm7tibGs/TpE5jpvlgE9IJwUfnss89455132L17N9OmTWP9+vXcfffdAHTs2JHk5GSmT5/Onj17WLhwIc8//3yL/KmpqTQ0NLB06VIqKiqw2+189dVXvPzyy2RnZ3PgwAHef/99VFU95ueGM+G0Fuvt3LkzM2bM4KmnnmLBggW88847Z6pegiAIgtBC4Y4cSvftRWcwELd6AwCRv5mKbD67AXJxcXFgKZs+ffowcODANtNtrrVx49Z87D6VYSYPz317DwtLH8ShhhERb+a6+/pgCTk3s/BfSDRNQ9VUtMZ/NPZePPJc0xq309S1sdV2jj3bsUTrVpw2t7XR2tNWujaPcYJ5j053onVre9OZPa9z0dp1PtWWlVJTWowkyyRldjtu+o79Yln9v+1k5Stsag/zy2p4rGMiXbp04ZtvvuHw4cNUVVURERER+IKgZO8enLYGTNamuS8sffsQ/oo/oK8qOoSjoR5zUNtDcQRBuLA8+uijfPLJJ/zhD38gPj6e2bNn06VLF8DfZX/27NncddddZGVl0a9fP5544gkmTpwYyD948GDuvPNOJk2aRGVlJdOmTWPkyJHMmTOH6dOn43Q6SU9PZ/bs2YGVNM6G0wroj1AUhXHjxjFu3LgzUZwgCIIgtLJhwRcAdEpNR9owHyUsjPCzPJdLfX09s2fPxuPxkJaWxpgxY9oMjLLr7Ezelk+DT2Ww0c1z397PotK/49RCiEqycu29vTAHXXzBvE/1Ue4o51D9IYpsRVQ5qqh111LnqqPO3Xhz1eFSXXh8HjyqJ3DvVt2Bxz8VkAsXltP60uCobZIkYVSMGBUjJp0Jg2LApJiw6C2EGkIJMYYQaYokzhpHrCWWlJAUkkOS0cv6VmUfz5HW+biOnTBajj+kRadX6DI0Eft3pSTWNnA4NIjPS6u5PSma9u3bs2/fPnbs2MEll1xCSFQ04QlJVBcdonBnDun9mibSMnXvjlFWsLjc2I0GSvbk0b5X35OuvyAIp+fdd98NPF6+fHmr/XPnzm21LSEhgcWLFx+zzCFDhrBt27YW245eTu/111/n9ddfb7GtreOfTWckoBcEQRCEs6n8wH4KsjchSTKJm/1dYSOmTkW2Ws/aMd1uN7Nnz6auro6oqCgmTpzY5gov2+vtTN6aT51XZYDBzfOLH2Bx6d9waUHEpARxzT29MFlPPkA5l7yql/yafHKrctlVtYt9Nfs43HCYIlsRXtV7vqsnnENtfflyyutBa+BRPTR4Gk44i17WkxqaSlZUFn3j+tI3ti9x1rbnq2juSECfcpzu9s11vawDm5cW032vxOE+/snxfpsYRbdu3di3bx/bt2/nkksuaSy3B9VFhziwLbtFQC8bjZiysggvK8RuNHA4L1cE9IIgnFMioBcEQRAueBsW+Ge2b5+Shn7et8ihoYTfNOWsHU9VVb788kuKioqwWCxMmTIFcxtd+3MbHPxqaz41Xh999S6e+/YfLCl/AI9mIT4thLF/6onBfOG91aqaSm5lLquLVrOpdBNbyrZg97a9rI5O0hFnjSMxOJFoczQhhhBCjaGEGEIIMYYQrA/GpDOhl/UYFAN6Wd/ysaJHJ+kCrbySJAVaciWkFs+b7w/cH9nXVo/xNuLMNgPSEwxSTyeYPTrvCZd/Osc8w8c40Z4UJ5pX1VRcPhdOrxOXzxV4bPPaqHPVUeOqocJRQYmthBJbCQV1BTi8DvZU72FP9R6+2OPvldM1sitj2o9hdPvRxFhi2qxPYPz8cSbEay44wkRahgnHXjfLehrJsznZUGujW0YGX331FaWlpZSVlRETE0NK915kf7uQg8cYRx/x+W4ORwRzKHd76wMJgiCcRRfepwxBEARBaKauvIxdq34AoF3uXgAibr0FJejsreG+bNkycnNzURSFyZMnExER0SpNns3JhOx8qjw+eulcPLf4EZaV/xWvZiKxUyhj/tADg+nCeZv1ql7WFq9lccFiVh5eSYWjosX+IH0QGREZZERk0Cm8E0nBSSQGJRJjiUEnXzjnIfx8qZpKsa2YvKo8NpduZmPpRnKrctlRuYMdlTt4ftPzXJFyBbd3v53OEU0TTFUUHsBeW4POYCQ+PeOkjtl9dFfyX9xC14NutrTX8X5RJa92SaFjx47s3r2b7du3c9lll5HctTuSLFNdfJi6ijJCopq+WLD07UPEu/55pEr25uFxu9AbjGfmogiCcFaccs+jC5B4hxYEQRAuaJsWzkVTVRLik7As+gE5OJiIm28+a8fbsmULP/74IwDXXnttYBmr5vbanUzI3kulx0uWzsWzSx5ledm9+DDSLjOcq+7KQmdo3T3/fNhVtYsvdn/B4gOLqXJWBbZbdBYGJQyif1x/+sT2IT08HVk66cVvBOGMkSWZxKBEEoMSuazdZQBUOipZfGAx3+z/hi1lW1hUsIhFBYsYljSMB/o+QGpoamC5usSMLuj0Jze8JaFTGBERXnrt9bClPSwoq+Hx9ES6desWCOhHjBiB0WIlrmMninfv4kBONt1HXBEow9yrFxaPD6PHiwso3p1Hu25ZZ+y6CIIg/BQR0AuCIAgXLHtdLduW+peLSz1QBEDEr3+NEhJyVo5XUFDAggULABg2bBg9erTuvrvf7mLClnzK3V66Ki5mLPkXK8v+jIqe1O6RjP5ddxT9+Q2MXT4XX+/7ms92f0ZORU5ge4QpglEpo7i83eX0ie2DQbn4JuoTflkizZHcmHEjN2bcyK6qXbyd8zaLDyxmxaEVrClawx3d7yAmpxQ4ufHzR0iSRPcrOlP5ST4JNQ6Kwsx8XlLNLZ07o9PpqKqqori4mISEBFK69/QH9NtaBvRKcDCmjAwiGyopCg+mcGeOCOgFQThnxFfxgiAIwgVryzfz8bpdREXFEJq7B9lqJeKWX5+VY1VWVvLpp5+iqipdu3Zl+PDhrdIccLgYn72XEreHzrKTp5c8y5qyP6Kip0OvKEb//vwG87WuWv697d9c+fmVPLL6EXIqctDJOq5MvZLXR77O0olLeWjgQwxKGCSCeeGikxGRwbOXPsu86+YxJHEIHtXD61tmsTdnI3By4+eb6zwoCaPeS498FYD3iyowGAx06tQJaFqT/sgXBge3b0VT1RZlWPr0IaLBAcChnTkIgiCcKxddQP/aa6+RmpqKyWRiwIABrF+//php3333Xf+kOs1uJpPpHNZWEARBOFUuu50ti74CIK2kCgkI//XNKGFhZ/xYdrudjz/+GIfDQWJiIuPGjUOWW75FFjrdjM/eS5HLQ7rs5OnvXmJD+e9R0ZHeL4Yrbu+Gojs/b6t17jpe3fIqV3x+Ba9seYVKZyWxllj+3PvPfDfhO5679DmGJg4VY+GFn4XU0FRev/x1nr30WTo6Y9B5waVX2cLeUypPb1TIHBBFtwNuDF4fe+wu1tfa6NbNv579jh07UFWV+PQM9CYzjrpayg8WtCjDOnAAEQ3+9eiL9+zC43ad1jkKgiCcqIsqoP/000+5//77mTZtGps3b6ZHjx5ceeWVlJWVHTNPSEgIxcXFgduBAwfOYY0FQRCEU7V1yde47DbCwiKI3JGHZLEQceutZ/w4Xq+X//3vf1RWVhIaGsqNN96I/qhxuEVONxO27OWQ00MHycm/vpvF5vLfoqGQMSiOkVO7Iivn/i3V7rHzVs5bXPXFVby57U3sXjudwzvz1CVP8c34b7i9++1EmiPPeb0E4WyTJInRqaO5O+ImAIojHTyw8gFmbpp5SpNddbsiA5NHpctBDwAfFVeSnp6OwWCgtraWQ4cOoeh0JHfxB/kHjprt3tK/P1avfxy9z+ulZE/e6Z2gIAjCCbqoAvoXXniBO+64g6lTp9KlSxfeeOMNLBYL77zzzjHzSJJEXFxc4BYbG/uTx3C5XNTV1bW4CYIgCOeWx+1i08K5AHSorEcCIqbciC48/IweR9M0Fi5cSEFBAQaDgSlTphB01Oz5JS4P47P3csDpJlVy8uTSf7Ot/DZAptuwBC77dSay3NaaamePy+fig50fcNWcq3hp80vUuevoENqBF4e/yGfXfMbYtLHo5ZObHEwQLkblu3YDkNq9NwBvb3+bx9Y+hqqpP5WtlbAYCyntodc+N+CfHM8hyWRk+GfNP7rb/YFtW1rkV0JCMHfvFuh2Xyi63QuCcI5cNAG92+1m06ZNjBw5MrBNlmVGjhzJmjVrjpmvoaGBlJQUkpOTue6669ixY8dPHuepp54iNDQ0cEtOTj5j5yAIgiCcmB3ff4e9toagoGCit+/yt87/5jdn/DirV69my5YtSJLExIkTW33pW+byMCF7L/sdbpIlJ48tfY8d5f4Z9ntclsSwGzsjncNgXtM0vjvwHdfNvY4ZG2ZQ5awiOTiZpy55ii+u/YKRKSMD670Lws+d2+mgKG8XAL+5+n4eH/I4siTz+e7PeXjVw3hV70mV131MFomVXqJrPThUjTml1a263bdrDOgP5+7A63a3yG8dNIhIEdALgnCOXTQBfUVFBT6fr9WHrdjYWEpKStrM07lzZ9555x3mzZvHhx9+iKqqDB48mEOHDh3zOP/4xz+ora0N3AoLC8/oeQiCIAg/zef1smHBFwB0qLYhAxE334yujbXgT0dubi5LliwBYPTo0aSnp7fYX+72MCE7n712F4k4eXTpx+wpnwhA7yvbMWRi+jkNnvdU7+GOxXdw3/L7ONxwmBhLDNMGTWPeuHmMTRuLIl8Yy+QJwrlSuCMH1eclNCaWsLgExnUcx9OXPI0iKczPn88/f/znSbXUt+saRViwi56NrfQfF1WSlpaGyWTCZrNRUFBAZFI7rOEReD1uinbntshvHTSYCNuRcfR5rQJ+QRDOnttuu41x48ad02O+++67hJ2FeX1O1kUT0J+KQYMGccstt9CzZ08uvfRS5syZQ3R0NG+++eYx8xiNRkJCQlrcBEEQhHMnb/UK6srLMJvMxOXu9c9sP/W2M3qMoqIi5syZA0C/fv0YMGBAi/1VHi+/ys5nt91JPE4eWfY5+8vH+dNfncrAcR3OWTBf66rlX+v+xcQFE1lXsg6DbOD3Wb9nwbgFTOg0QXStF36xCrZuAiC1R+/A7+NV7a/i+UufRyfp+Hr/18zcPPOEy5NkiW4j2pNV4EbxqWxrcLDT4aZLly6Av9u9JEmkNM6mf3S3e3OvngRJin8cvcdD8Z5dZ+AsBUEQftpFE9BHRUWhKAqlpaUttpeWlhIXF3dCZej1enr16sXevac2C6ogCIJwdmmqyrq5nwHQvs6JomlE3HrLGR07X1dXx+zZs/F4PHTo0IHRo0e32F/j8TIpO59cm5NYnPzz+/kcKh8DwKDrO9D/mrRzEsyrmsoXu79g7Jdjmb1rNj7Nx6iUUcy/fj5397obi95y1usgCBeygq2bAUjp0bvF9stTLuexIY8B8N/t/+WTXZ+ccJkZl3Yg2Ouh82H/5HgfF1cFut3n5ubi9XpJyeoFwIGcrS3yygYD1r59A+Poj94vCMK5MXz4cO655x7+9re/ERERQVxcHNOnT2+RRpIkXn/9da666irMZjNpaWl8/vnngf3Lly9HkiRqamoC27Kzs5EkiYKCApYvX87UqVOpra0NrKZ25BizZs0iPT0dk8lEbGwsEyZMOKvne9EE9AaDgT59+rB06dLANlVVWbp0KYMGDTqhMnw+Hzk5OcTHx5+tagqCIAinYe/GtVQdLsSgN5CYtw85OPiMzmzvcrn4+OOPqa+vJzo6mokTJ6IoTV3Vaz1eJm3NJ6fBQZTm4h/ff0NpmX/ulqET0+l9ZcoZq8tP2Vu9l6mLpjJ9zXRqXDV0DOvIW1e8xQvDXyAxKPGc1EEQLmQ1pSXUlBQjKwrturZef/6aDtdwd8+7AXhq/VP8UPjDCZVrsupJ72ai1z7/snNzSiqJSW6H1WrF4XCwb9++wHr3pfv34qhvOXmyddAgouv9Af2RHgSCcLHSNA2bz3debqeyWkVz7733HlarlXXr1jFjxgwee+yxwDC7Ix5++GHGjx/P1q1buemmm5g8eTK5ubnHKLGlwYMHM3PmzBYrqv31r39l48aN3HPPPTz22GPk5eWxaNEihg0bdlrncjwX1YK0999/P7feeit9+/alf//+zJw5E5vNxtSpUwG45ZZbSExM5KmnngLgscceY+DAgXTs2JGamhqeffZZDhw4wO23334+T0MQBEFog6ZprPvS3zqfanOjV1UibrsVJTT0jJSvqipz5syhpKQEq9XKlClTMJlMgf31Xh83btvH1noHEZqLvy//jsqySwG4dEpnug07+4G0w+vg39v+zbvb38WreTHrzPyx5x+5KfMmsYa8IDRzpHU+oVMmRkvbvVV+l/U7imxFzNkzhwdXPsinYz+lXUi745bd7aoe5D6zibAGLzVBOr6urKNr166sX7+e7du30+mGG4hMakfloYMU7thGp4FDA3mtgwcR/eILAJTu24u9tgZLaNjpn7AgnAd2VaXDivMzwWP+sO5YlVOfGyYrK4tp06YBkJ6ezquvvsrSpUsZNWpUIM3EiRMDceHjjz/OkiVLeOWVV5g1a9ZxyzcYDISGhgZWVDvi4MGDWK1Wxo4dS3BwMCkpKfTq1euUz+NEXDQt9ACTJk3iueee45FHHqFnz55kZ2ezaNGiwER5Bw8epLi4OJC+urqaO+64g8zMTMaMGUNdXR2rV68OjIUSBEEQLhwHcrIp3bcHRdGRvKcAOTSUiFtuOWPlL1myhLy8PBRFYfLkyYQ368Zv8/q4ads+NtfZCddc/PWHH6grGwRoXHZLxjkJ5lcdXsUN827grZy38GpeRiSPYN5187i1660imBeEozQfP38skiTx0MCH6BXTiwZPA3/54S84vc7jlh3bPpTYKGeLyfGOdLvftWsXHo+n2fJ12S3yGjt3xhIcQojd1VjPzSd7aoIgnAFZWVktnsfHx1NWVtZi29G9vAcNGnTCLfTHMmrUKFJSUkhLS+PXv/41H330EXa7/bTKPJ6L7hPC3Xffzd13393mvuXLl7d4/uKLL/Liiy+eg1oJgiAIp0PTNNZ8PhuAFLsbo9dH5NSpKMHBZ6T8TZs2BZY4HTduXIslSW0+fzC/vtZGqObmvh9W4yjtiyRpjJzalU79T2yellNV46xhxoYZLNi3AIBYSyz/GPAPLm93+Vk9riBcrHxeDwe3bwN+OqAH0Mt6nh32LL/66lfsqtrF0+ufZvrg6cc9RrdRGeyde4AfuptZW2vD0SmRkJAQ6urq2LNnDylZvdj8zXwObM9ukU+SZX+3+81rqbMY2Z+9iS7DLjvVUxWE88oiy+QP637ejn069PqWE8ZKkoSqnviqF3Lj8Zt3/fd4PMfNFxwczObNm1m+fDmLFy/mkUceYfr06WzYsOGszYh/UbXQC4IgCD9PB7dvpShvJ4qskLr3IEpYGOE333xGys7Pz2fhwoUAjBgxgu7dmz6cOHwqt27bz9paG8Gamz//sA5PaQ9kSePKO7qf1WBe0zQWFSziunnXsWDfAmRJ5ubMm5k3bp4I5gXhJxTt3oXH6cAcEkpMatpx08daY3n6kqeRkPhizxcsyF9w3DwdB6UQ7XXRscj/Af6TkqY16bdv305SZldkRaG2tISa0pbLJweNGE50vb9FrmDbFlTVd5JnKAgXBkmSsCrKebmdi8ln165d2+p5ZmYmANHR0QAten9nZ2e3SG8wGPD5Wv9+63Q6Ro4cyYwZM9i2bRsFBQUsW7bsDNe+iQjoBUEQhPOqeet8O7sbk9dH5O2/RQmynnbZ5eXl/O9//0NVVbKyslpMTOP0qUzN2c+PNQ1YNQ93r9iMVtoVWdYYfVcPOvSOOe3jH0uZvYx7v7+XB354gCpnFR3DOvLBVR/w9/5/x6o//fMWhJ+zI93YU7N6IZ1gK96ghEHc1fMuAJ5c9yRFDUU/mV5vUMjoExKYHO9/xZV07toVgN27d6PJCvHpGQAczMlukTfokksIc3rQ+Xw46+so3SdWVxKEC9Fnn33GO++8w+7du5k2bRrr168P9ATv2LEjycnJTJ8+nT179rBw4UKef/75FvlTU1NpaGhg6dKlVFRUYLfb+eqrr3j55ZfJzs7mwIEDvP/++6iqSufOnc/aeYiAXhAEQTivCnfkcHjXDmRZJnVfIUpEBOFTppx2uTabjY8//hiXy0VycjLXXntt4Bt/l6ry2+0FLK+ux6J5+MPKrehKOqEoGlf/sSfts6JO+/ht0TSNOXvmMG7uOJYVLkMn6birx138b+z/yIrOOn4BgiCwf8tG4Pjd7Y/2u+6/o2d0T2weGw+teghV++nut92u6kl6sYcgh49Kr8o2vYWIiAi8Xi95eXmBcfT7s1vOZq+EhRHUuzdRjbPd798iZrsXhAvRo48+yieffEJWVhbvv/8+s2fPDsy1ptfrmT17Nrt27SIrK4tnnnmGJ554okX+wYMHc+eddzJp0iSio6OZMWMGYWFhzJkzh8suu4zMzEzeeOMNZs+eTdfGLwTPhotuDL0gCILw87Lmi48BaFfvxOzxEfm7O5CPMWv1ifJ6vXzyySdUV1cTHh7O5MmT0en8b3luVeV3OwpYWlWHSfNy58odmIrT0Ok0xv6pN4mdz9ya980dqj/E9DXTWVe8DoCukV15bMhjdArvdFaOJwg/R9UlRZQf2I8ky6T27HNSeRVZ4cmhTzJhwQQ2lGzgw50fckvXY0+8GRZrISXRRY/9blZ1MfNxUSV3dOvGihUryMnJYeTggaz+7CMKtm7G43Sib7ZqRtCIEUS/9TolYUEUbN3E4Imn/yWlIAjH9u677wYeHz2vGsDcuXNbbUtISGDx4sXHLHPIkCFs27atxbajl9N7/fXXef3111tsa+v4Z5NooRcEQRDOm8KdORzauR1Zkmh/oAhdfDzhN954WmVqmsb8+fMpLCzEaDQyZcoUrFZ/N3aPqnHXzgN8W1GHUfNyx4+7sBa3Q6/XuPbePmclmPepPj7c+SE3zL+BdcXrMCpG/tr3r3w45kMRzAvCSdqzbjUAyV2zsISc/JKW7ULa8de+fwXgpc0vkV+T/5Ppu43uTs/GbvfLq+sJ6+wfX7t3717MkdGExsbhdbvYn72xRb7gy0YQ1TiOvnjv7lbr1QuCIJwpIqAXBEEQzpsjY+eTa+2YPT6i774b2Wg8rTJXrFjBtm3bkGU50A0OwKtq/DH3AAvLazFoPn67ai9hRQkYjRrX3d+P+I5hp3s6reTX5HProlt5ZsMzOLwO+sb2Zc61c8RSdIJwivasWwVApwFDTrmMiZ0mMjRxKG7VzfTV03+y631qrwTaqTbSij1oSCx0aiQlJaFpGjk5OYF67F67qkU+Q2oqoUntCHa4QNMCwwQEQRDONBHQC4IgCOfFodztFO7YhixJpB0qw5CWRuh1155WmTk5OXz//fcAXH311aSl+WfA9mkaf951kPllNeg1H7et3kfk4RhMJo3r/tKf2PYhp30+zXlUD29ufZOJCyaytXwrVr2VRwY9wttXvk27kHZn9FiC8EtRV15GSf4ekCQ69ht4yuVIksS0QdOw6Cxkl2fz+e7Pj5lWVmS6Do6l717/+vWzD5fTtUdPALZs2ULH/oMB2Ld5Ax63q0XeoMtGEFtrA2B3Y88CQRAuDJqmMW7cuPNdjTNCBPSCIAjCeXGkdT6ppgGzx0v0vX9G0p16q3VhYWFgjNygQYPo08c/vlbVNO7fVcgXpdXoNB+/XnOA2EORmC0a4x4YQHS7M7PW/RE7Kncw+avJvJr9Kh7Vw7CkYcy9bi4TO01ElsTbriCcqj3r/UFxUmZXrGGnNzwmzhrHn3r9CYCZm2ZSbi8/ZtrMK7rTucRJiN1HlU/jQFwyOp2OiooKvEYzwZHReFzOwOz7RwSPGEFcY0BfsHUTbof9tOosCILQFvHJQhAEQTjnDu/aycHtW5GQSDtcgal7d4JHjTrl8qqrq5k9ezY+n4/OnTszqrEsVdN4IK+QT0uqUDSVm9YeIrEwDGuQxvV/G0hkYtCZOiWcXicvbHqBKQunsLt6N2HGMJ6+5GlevexV4qxnbz17QfilONKt/XS62zd3Y8aNdI3sSr2nnmc2PHPMdNZQI506Qe98fwv8R6XVgZmwt27dSqeB/lb6PUd1uzf37EmY0YzF5cbn8bBv84YzUm9BEITmREAvCIIgnHNrvmhsna+ux+LxEnP/fYEl5U6W0+nk448/xm63ExcXx/jx45FlGU3T+MfuQ3xUXIWsqUxeV0S7g8EEBWtc//dBhMedufXeN5ZsZMKCCfx3+39RNZWrUq9i3rh5XJ129SmflyAITeqrKijanQtAx/6DzkiZiqwwbdA0FEnh24JvWXFoxTHT9hjXj177XMiqxoZ6J8Fd/ctM5uTkkNq7PwD5m9bj9XgCeSSdjuCRlxNf42+l3yO63QuCcBaIgF4QBEE4pw7t3M6BbVuQgA4llVgHD8I66NQ+oPt8Pj777DPKy8sJDg5mypQpGAwGNE3jn3sO815RJZKmMXF9KWkHLISEwfUPDiY0+vSWxTuiwd3AE2ufYOq3UzlQd4AYcwwvj3iZGZfOIMIUcUaOIQgC7F2/BoCETpkER0SdsXIzIzO5OfNmAJ5c+yR2T9vd4mNSw0gPtpFxyA3AYs1AWFgYbrebGq+KNTwCt8POwZzsFvlCr76auNoGAPZt2YjH6TxjdRcEQQAR0AuCIAjnkKZprJz9HgBJlXVY3F6i77vvlMv65ptvyM/PR6/Xc+ONNxISEoKmaTyy9zDvHK5A0jRu2FhGpwIj4ZFw/d+HEBJpPiPnsvLQSq6ffz2f5n0KwPj08cwdN5cR7UackfIFQWiyc8UyADoNPDPd7Zv7Q88/kGBNoMhWxKzsWcdMlzWmK333+rvdf15SSXrP3gBs3ryF9MbJ8Xb8sLRFHsuAAYRbQzC7PP7l7bZuOuP1FwThl00E9IIgCMI5s2/zBop256IgkV5SRfAVV2Du3v2Uylq3bh0bN/qXgho/fjwJCQlomsaj+UX851AFAOM2VtBln57IGIlxfx9KUPjpLYkHUOOs4f9W/h9/WPoHSmwlJAUl8dYVbzF98HSCDWd2gj1BEKBk725K8veg6HRkXnLmvzCz6C38c+A/Afgw90NyK3PbTJfWP4Uu9fXEVntxaBK5CalIksTBgwdJ6OGfhHPvhjU0VFcF8kiKQuhVVwUmxxPd7gVBONNEQC8IgiCcE5qq8uMn7wOQUlaFSdWIvvfPp1RWbm4uixYtAuCKK64gIyMDTdN4Yl8xbxT6Z6u+bmMl3fYpxMTLjPv7UCwhhtOrv6axqGAR1827jgX7FiBLMrd0uYUvrv2CAfEDTqtsQRCOLXvxQgA6DboES0joWTnGsKRhXJl6JT7Nx/Q10/GpvlZpZEUma1gsA3b7u81/VFpNp8xMAPYWlZDQKRPV5yNn6bct8oVePSbQ7T5/0zq8bvdZOQdBEH6ZREAvCIIgnBO7Vv1AxcEC9BqkldUQNnEixsZ14k/GoUOH+OKLLwDo06cPgwYNQtM0nt5fwmsHywAYu6marHyJuCSFa/82FJNVf1p1L7eXc+/39/LADw9Q5ayiQ2gHPrjqAx7o9wAW/ZkZjy8IQmuO+jp2rfZPVtfziqvP6rEe7P8gwfpgdlbu5JO8T9pM0+XKHvQ83IDVoVLs1ajL7AHAtm3b6HrZFf7H332Dz+sN5DH16EF0RDQmtweP08nejWvP6nkIwi/Rbbfdds7XlX/33XcJCws7p8dsy6kv+CsIgiAIJ8jn9bDqs48AaF9SiclkJvqeP510OVVVVXz88cd4vV7S09MZM2YMkiQxY38xLx0oBWDM5hp67dVITNUz5t5BGEyn/lanaRrz8ucxY8MM6t316CQdt2fdzh3d78CgnF6L/8VA83rx1dfjq6lBra1FtdtRXS40lxvN7fI/drqaHrvdoGqgqWiqChqgqqBpaJrauK9xv6b5n6sq/oQ/dz/z1Q4UGUlWQFGQFKXZcxlJ0bV4LhuNyBYLstXa4qaEh6OLiEDSN30Bt/37Jfg8HmLadyA+vfNZPYUocxR/7v1nnlj3BK9ueZUrUq4g2hLdIo3Jqierl5m+e5380N3Cl3YvY6OjqSgvp0FvxhIaRkN1Ffmb1gWW15MkidCrryZp7v/YGxfB9u+XkDF42Fk9F0EQfjlEQC8IgiCcdTlLF1NbWoLRp5JaUUvkffehi4w8qTLsdjsfffQRdrud+Ph4JkyYgKIoPL+/hBcK/MH8lVvq6LNHpV1HA1fdMwidQTnlOhc1FPHYmsdYVeRfW7pLZBceG/wYnSPOblBxrqhuN54DB/AUFTXeigOPveXl+GprUevrz3c1hV8gJTwcfWIiuuQkNlceAqBbn4H+L4PO8jKQEzpNYF7+PHIqcnh2w7PMuHRGqzQ9x/Wn32Or+LGLmWy7h8m9+1Px7UI2bdlCzxGjWD/3M7K/XRgI6AFCx15N0n/fZm9cBAdysqmrKCMkKuasnosg/FINHz6crKwsTCYTb731FgaDgTvvvJPp06cH0kiSxKxZs5g/fz7Lly8nPj6eGTNmMGHCBACWL1/OiBEjqK6uDrTCZ2dn06tXL/bv309BQQFTp04NlAUwbdo0pk+fzqxZs3jxxRcpLCwkNDSUSy65hM8///ysna8I6AVBEISzyuN0snaOv/tqh+JKzPEJRNxyy8mV4fEwe/ZsKisrCQ0NZcqUKRiNRmYWlPBsQQkAo7Lr6b/bS/tME1f+YSCK/tRGlamayqd5nzJz00zsXjsG2cAfe/2RW7rcgk6+ON82PaVluHbl4ty9G1feblx5ebj274dm3YJ/ihwcjBIaimy1IhmNyAYDktHYeDMgGxofGwxIigxIIMsgSUiy5A/CJBkaH0uSf1/Tc+msB2rnlfbz7oGgaRr4VDTVBz4VVB+aT0XzeVtsD9y7XKg2G6rNhs9uQ7PZ8dls+KqrwefDV12Nr7qasgP7aEiLR+/1oX/kcXbPeBFL375YBw3EOmQIxg4dzvi5KLLCwwMfZvLCyXxT8A3j0scxOGFwizRBEWZ6pfnofsBNdpqR700hdDYYqKysJHzIICTpCwp3bKPy0EEik9oBYExPJ7xDOpH1tVQGm9nxw1IGjb/xjNdfEM4kTdNweFrPJ3EumPVKIFA+Fe+99x73338/69atY82aNdx2220MGTKEUaNGBdI8/PDDPP3007z00kt88MEHTJ48mZycHDIb58b4KYMHD2bmzJk88sgj5OXlARAUFMTGjRu55557+OCDDxg8eDBVVVWsXLnylM/jRFycn0wEQRCEi8bmRQuw1VRjdntpV1VHzIuPIhtPfLZ5VVWZO3cuhYWFGI1GbrrpJoKDg3nlQClP7/cH85dvbWBgnof0LAuX/74/inJqwXxBbQHTVk9jc9lmAHrH9ObRwY+SGpp6SuWdD5qm4c7Px75xE/bNm3Bs3ISnqKjNtHJQEPqkJPQJCejj4/33iQnI0TE4zUE0GK3U6YzUujVqHR7sbh9ur4rLqzbet3zu9qqomubvWY8GGqia5u95r/nrpjXWUTuyTzt/He7Px1cI5/p7C+kcn6UkgSxL6GQJRZZQJAmd4n+sk2VkScKol7EaFMwGHVaDgsXovw8z6Yj0OQix16IrLWLd/96DuhpSFCM6vR61vp6G77+n4fvvATCmdyRkzBhCxo7FkJx8xs4hMzKTGzNu5KPcj3hy7ZPMuW4ORqXl36xe4wcx8KXNZKcZ+bbGwZCefShav4atuXl06DuAvRvWsOp/H3Lt/f8XyBM+aRJJM5/zB/TLv2Pg9ZOQZDGdlXDhcnh8dHnk2+MnPAt2PnYlFsOph6pZWVlMmzYNgPT0dF599VWWLl3aIqCfOHEit99+OwCPP/44S5Ys4ZVXXmHWrGMvX3mEwWAgNDQUSZKIi4sLbD948CBWq5WxY8cSHBxMSkoKvXr1OuXzOBEioBcEQRDOGmdDAxvm+7uZdSqpxNqrN8FXXnlSZSxdupQdO3YgyzKTJk0iJiaGWQfLeHJfMQAjttkYvMtNRu8gRtzeD1k++QDGq3r5YOcHvJb9Gi6fC7POzL2972VyxmRk6cL/wO0pLaVhxQpsK1Zi37ABX01NywSKgjGtPcb0Thg7d0bq0JGiiCT2SRaKal0U1zoornX67zc4qbQVn5fzEIQjejn3MLSuBp/OyN5f/QN9ShydG0oIzc3GvmYN9g0bcO3ZS/lLL1P+8isEXXopEbfdimXAgNNq1Tvi7p53s7hgMQfrD/JOzjvc1fOuFvsjEkPoH97A8kILu5INrItLoZ20lj179jD52mvI37iOPetWU7gzh+Qu/qU5Q8aOJeG5Z9nh81FbVsqh3O0kd8067boKgtBaVlbL3634+HjKyspabBs0aFCr59nZ2ad13FGjRpGSkkJaWhqjR49m9OjRXH/99VgsZ28CXRHQC4IgCGfNhvmf47LZCHK4SKhuIPbfD57Uh+0NGzawapV/DPt1111HWloabxaW8Vi+v8X50hw7Q3NddBsYwrBb+vi7d5+k3dW7eWTVI+yo3AHAoPhBTBs8jcSgxJMu61zRvF4cW7bQsGIFDStW4mrs7neEZDJh7tEDc5/e1HXsyvbQZHLrfOwtbWB3WT2HljrQtD3HOwrhBpVEk4t4o5sYg5NQxYNZ9mKWfZhkLybJfzNKHoz40EseZDRkNKTGm9zY/i6jIkFg+9G3s+vstFJrZ73ss+Ps1ltCRcbX+BP3oqBqMl4UfMj4kHBqemyagTqfkXqfnhqvkRqfjoNOC3tsFlwuD73K/Ou1rwnpzZY1pbDGP09GVFAqAy7vzZCbDAwu3o68bDG21WtoWL6chuXLMXbJJOa++7AOHXpagX2QIYi/9f8bD/zwAP/J+Q9j0saQEpLSIk2fiQMZ+vYOdiUb+KbGwUPdelCWk82O/QVkjRzN1iVfs/y9t7jpqReQZQUlyEr4NdcQv+I7CqNC2f79EhHQCxc0s15h52Mn9yX8mTz26dDrW65uI0kSqqqecH65sfeM1mzIlMfjOW6+4OBgNm/ezPLly1m8eDGPPPII06dPZ8OGDWdtRnwR0AuCIAhnRV15GZu+ngdA55IqQq+9BnP37iecPy8vj6+//hqAESNG0KNHD946VM60vf5g/pLtDobtdNLjknCGTOl50h/ePT4P/8n5D//J+Q9e1UuwIZgH+j7AuI7jzkgL35mmeTzY1q6j7ttFNHy3tGUrvCRhzspCP3gIhWlZbDBEs7mogS2FNdSscAItg3cFH1mWavqHVtPRWEeiUk0M1YT7KrC6yjC4KpFcdUg+N7jx3wThXFAkVrozWe+LJNgMT/TMZ59mZ6M9lu+qojjcEMrCnGIW5gAE07PPb5kw+jaG5izD+dV8XDtzKbzjd1j69yfmgQcwd+92ylW5MuVK5ibMZVXRKp5c+yRvjnqzxd+G2I5RDAyqY3mRmb0JBnJSOhGbk8327du5Y+pt7Fr1A2UF+ez4YSndR/iXtAufPJnkuV9SGBVK3tofufSW27GEhJ7mRROEs0OSpNPq9n6hW7t2Lbc0m9Nn7dq1ge7x0dH+FS6Ki4sJDw8HaNV6bzAY8PlazzGg0+kYOXIkI0eOZNq0aYSFhbFs2TJuuOGGs3IeP9+fkCAIgnBerZz9Hj6Ph4gGB7FulZj77jvhvIcPH+bzzz9H0zR69erFsGHDeP1gGY82tswP3eHg0h0O+l4eRf8J3U86AN9esZ1HVj/Cnmp/oDsieQQPDXyIGMuFNeu06nZjW72a+m8XU79sGWptbWCfEhaGeehQKrr24cewjiwvcZNdWIOvuAFoAEBCJUNXyuiIEnqZS0nVDhPtOoC5/gCS6oHqE6iEJIMxBEyhYLCCYgCdsfHe1OyxERS9P73UODHekcnw2nwsNT0O3J9D52WiunN8zPNxjpp/mUJUL2g+/73q89+OPPe6wG0Djx3cdvDYwNUA9kpqXHo2lfg/PI+I3El68Uq6AtcAj+rAFZpIgaU7Pzg78m5FZ7ILIbsQDMoArr97BDftW45h/hfY16+nYNIkwm++ieh7/owSZD3pU5Ekif8b8H9cP+961hSv4duCbxndfnSLNP1vHMzQt3ewN8HAV3VOHkjvTNWePLK372Dg+Mn88MHb/Dj7fdL7D8ZkDcLUuTNxnTMJsVVQZ4FtS75h4PjJZ+DCC4Jwsj777DP69u3L0KFD+eijj1i/fj1vv/02AB07diQ5OZnp06fz5JNPsnv3bp5//vkW+VNTU2loaGDp0qX06NEDi8XCsmXL2LdvH8OGDSM8PJyvv/4aVVXp3PnsrZAjAnpBEAThjCvavYtdq34ATSOzqIKo3/wWfXz8CeWtrKzko48+wuPxkJaWxtixY3m12Zj5S3Y4uHS7g4FXxdL3uq4nVS+n18ms7Fm8t/M9VE0lwhTBP/r/gytTr7xgWuU1t5uGH3+k/ttvqV/2fYul45SoKORhw8np0IeFUhxrCmqw5fkAf3fkGKoZGXKAEUGFdCWf2PpcFE891OG/Nae3QEQHCE2C4DgISYDgeAiJh6BYMIU1BvFB/hnrBeEsc9vqmffIA/i0Q7RLS6Lj+PFQdxjKd0HZLqjKx2g7TGfbYToDvzNCVXAG3/j68Hp1fz7dE82n9GXM1H7ctWcRuu+XUP3+B9Qv+Y74xx4j6JKhJ12ndiHtuD3rdmZlz+KZDc8wKGEQocamFvWYtEiGWWtZXmqmIFZPbno3YvfksXnzZu7505/Y9t0iqosP89XMZ7jhwenIikLElBtJ+9fjZKfEsmXRAvpecwM6g+EMXklBEE7Eo48+yieffMIf/vAH4uPjmT17Nl26dAH8XfZnz57NXXfdRVZWFv369eOJJ55g4sSJgfyDBw/mzjvvZNKkSVRWVjJt2jRGjhzJnDlzmD59Ok6nk/T0dGbPnk3Xrif3eeVkSJr2M19L5TTV1dURGhpKbW0tISEh57s6giAIFzxN05j98F8p3pNHUlUdvT0KHRZ+hWw9fgtZfX09b7/9NjU1NcTHx3PbbbfxWnE1Mxpns780x86wnU6GXpdAj6syTqpem0o3MW31NA7UHQBgTPsxPNj/QcJN4Sd/kmeYpqo4tmyhdv4C6hYtatESr4uJwTloGOvb9eRzVyS5ZbbAvmiqGWnew9iQPXT3bCfEfqB14TozxPeA2K4Q1Qmi0v33IYkiUBcuGKrqY96zT7Bv8wasYeFMefIFQqKiWyZy1cOhjVC4DvK/99836/Wwx9qHl2uGstDXDxWZ2/QlTPrxYyj29+yJmDqVmPvuRTrJ4NntczN+/ngK6gq4vuP1PDbksRb7ywsqefbtHbx/WQiKpvHHgq24DxYwZMgQsjqm8cm0v+F1ueh55Vgu/82dqC4Xuy+7nKUxVpwGPaN+9yeyLj8/45QFoTmn08n+/ftp3749JpPpfFfnrJIkiS+//JJx48ad13r81DU/0ThUtNALgiAIZ9Su1Sso3pOHoqp0Kq4i9vkXTiiYdzqdfPjhh9TU1BAREcGUKVN4qaiKFwr8rc8jttm5JNfO8Mnt6TL8xNeftnlszNw0k0/yPgEgxhzDw4MeZnjy8FM6vzPJtW8ftfPnU7fgKzyHDwe2KzEx2AZdyvK47nzcEEK5zQuFYKSa4XIuk8JyGahtI9xR4I9njsT/kgwxXSGxNyT28d9HZ4Ii3u6FC9uKj95l3+YN6PQGrnvgodbBPIAxGDqM8N+GPwi2Ctj9LWz7FPb/QLptE6/oNzHNmsSL9tF87LmEz/rdzTOVK+mw6huq/vtf7OvXk/jC8xhSUlqXfwwGxcBjQx7j1m9u5cu9XzImbQwD4wcG9kenRnKZtZY1RSb2JBjI6dyDzgcLWLduHQMGDGDM3X9h/vP/Ivvbr4hITKLXlWOJnnob7d99i9zEKDZ99SXdR4wSS9gJgnBKxDu8IAiCcMa4nQ5WfPgOAB1Kq4kcOIjgK0YdJ5d/5tjZs2dTWlqK1Wrlpptu4pWyel4+6F9iZmS2nSG7bVzx20w69Es64fqsPrya6WumU9y4DNv49PHc3/d+Qgznr8eVt7ycuq+/pnb+Apw7dgS2y1YrjkHDWJnSl/fskVQ4vFAKSVIxtxu3cV3QDjKd2eh8TrAfySVBXHdoPwxSh0K7QWAOOx+nJQinxON2seydN9n+/WIArvzDvcR3PMGxptYo6HWT/1ZdAFs+hA1vEeU4xJO6t7jPOJ/HHBP5U/QIxlyWzB82fIJzxw72T/wVic8/f1Jd8HvF9GJS50l8kvcJ01dPZ861c7Dom5ahGnDLpVz+0kb2xIfzvVsio2NnvHvz+OGHH7jmmmsYeuOt/Dj7PZb9903stTX0/9UkUt56mz0+H1VFh9i3ZSMd+vQ/mUsnCIIAiC73xyW63AuCIJy4FR/9lw3zv8Di8jBsXwnp8+dhSE39yTyqqvLZZ5+Rm5uL0Wjk1ltv5d92jTcKywG4YouNIfkNjLmrJ8ndYk+oHrWuWp7d8Czz8v2z7CcGJTJ98PQWrWrnkmqzUb90KbXzF2BbvRqOLJ2j0+HuPYB1HfvxXzWJYifo8NJPzmO0YRujjduIdR3VjT4kEdJHQceRkDIELBHn/oQE4QyoKjrMVy8+RfnBApAkLr35N/Qde/3pFepqgM3vw+pXoN7f1X6n3JGHHDdzwB7Li7mfEn1wN8gyMfffR8Rvf3vC82fYPDbGzRtHia2EmzNv5u/9/95i/8o3v+NxfTDb2hvpo/PRd+kCZEni7rvvJiIiguXv/YfN38wHILlrFgODo9g0/wv2xYST2LkLkx595oKZy0P4Zfoldbm/UJyJLvcXXUD/2muv8eyzz1JSUkKPHj145ZVX6N//2N9ofvbZZzz88MMUFBSQnp7OM888w5gxY074eCKgFwRBODGVhwp5/293o/p89NlXTJebfk3Mvff+ZB5N01i4cCEbN25EURRuuukm/usz8J9DFQCM3mRj6IE6xv55AHEdTyxwXXpgKU+se4IKRwUSEjdl3sSfev2pRWvauaB5vdhWr6Z2/gLqly5FczgC+7wZ3djceQD/1XekwKvHhIth8jauMWzicmULFl/TRHhICrQb6A/i06+AmC7nfkZ4QTiDKg8dZONXc8n98Xt8Hg+W0DDG/OmvpHTveeYO4rbD2tfgx5ngbkBF4gPvSF50jedPe5YyeNcqAELHjSP+8ceQjlqz+lhWHFrBH5f+EQmJt698m35x/QL7nA1uXnlsGTOviMWnSNxeeQDd9i1069aNCRMmAJD743KW/PtVPC4nBpOJuNIqCoNNaLLM9Q9OI61Xv2MdWhDOOhHQn3u/uID+008/5ZZbbuGNN95gwIABzJw5k88++4y8vDxiYlovNbR69WqGDRvGU089xdixY/n444955pln2Lx5M926ndi6pCKgFwRBOD5N0/j8iX9ycPs2YmptDNIMpM2bh/wTHwg0TeO7775j1Sr/B+sJEyfyoT6Udw/7g/mrN9i4pKiWa/56CZFJwcetQ6WjkqfWP8W3Bd8CkBqSyuNDHqdnTM/TP8ETpGkazu3b/ZPbff01vsrKwD5fQhI7ugzmPWsGO6UQQmjgcnkLYw2buETaikFzNRVkiYJOV/qD+LQR560bvaZpOH1O3D43bp8bl8+FW232uHG7qqloaP57TUPFf99825HHqubvnXDkXrh4SZKEhIQkScjIyJIMEoHHR/ZrLg+OonIa9hZSt/cA9fsOBcqIzuzEoN/+lrDIGIINwZh0ZziIqC+F76bD1o8BKCOCB1y3E3bAwe+zv0RSVayDB5P48ksoQUEnVOS01dOYs2cO8dZ4vrj2C4INTX+fts1bz7QiH2syzCRJXkav+BqdqnLHHXeQmJgIQOXhQr5++TnKCvL9mTQNJAlLaBjX/uX/iElJQy+CKeE8EAH9ufeLC+gHDBhAv379ePXVVwF/N83k5GT+9Kc/8eCDD7ZKP2nSJGw2G1999VVg28CBA+nZsydvvPHGCR3zYgnoNy2cxzlf3/YkXTQvtYuknhdHLbl4rudFUs8LVfmB/exa9QOSqtK+opboG8ajT07+yTz79+9nX77/A22njAy2GoLY2mBH0iDjkJv2NiddLu2A0Xq8ljONXVV5/FD4A06fAwmZvnF9GBA/AEU6zlQxZ+jn7qutxbkrF1fuLrzVTYu7ayYTlTEpbDXFUKgEESQ5SZcO0Vk5TBJlyDQLak1hEJPhn8QuNPmstMJrmorNY8fmsTXdvP57h8eBS3Xh8rlwef3Bukt1ndTvxsXTb+AiqelF8mdJAnQ+CZ1XRu+T0Hkl9D4Zo1smyKHD5FFapNfQOBBrZ0daPeXhrhb7zDozocZQwoxhhBnDCDeGExcUR1JQEolBiXQI60CsJfbku6bnfw9f3esfaw/813sliw/35h+bPkHvdmHMyCD5zTfRx7ZuIDqazWNj/PzxHG44zLUdruXJoU8G9vl8Ku/94yueujSJeovMGEcV7davICEhgdtvvx25ceI7TVUp2LqZDV/+j8K8na2OYQkNIyQ6BpM1CL3JhMFkRm8yoTeZ0ekNSLL/yxIkKXAtjkyqJ0lN2/37LpLXu3D+KTp0MXEkJyVj/Jkvpag3GjGYzee7Gr+sgN7tdmOxWPj8889bLC9w6623UlNTw7x581rladeuHffffz/3NuvyOW3aNObOncvWrVvbPI7L5cLlanpzqaurIzk5+YIP6J+ffM1FEzgJgiAIgvDL4rZI1MfI1MYqVMaq1Js9gd4fLp//i6QT7bURbAimU3gnsqKz6Bndk14xvU5s+Um33d9av/5NAPLUJJ4pm8Sd6xcSbK9DFx9Pu3+/iTE9/bhFbS7dzG2LbkND48XhLzIyZWRg36GtB3hqwUG+GBKMXlO5cetKLLXVjBkzps1hovkvzWT1N/MoC7UiSZL4glk4bywRUfS+cSoJcbHoFeX4GS5i1rAwgiPbWE3jHPtFLVtXUVGBz+cjNrblhEixsbHs2rWrzTwlJSVtpi8pKTnmcZ566ikeffTR06/wOZYxeNj5rsIJuWgme7lI6nlx1JKL53peJPW80H7yh3ftoKa0GJ3XR6zbR+jIkUh6wzGrWVlRQWFhIQDR8fHs1lsodXuRNEgt8xCnekjOSkDWHXsJJ03TyK/NJ7cyF5/mQ5ZkOod3plN4OpJ0cks/nczPXfP58BQX4zlwEE9padPkdpKEIyScg6ZwDhnCCFbsJEoVJEsVhGBrWYg1GsKS/a3wppP5orh1PX2al1pXLTWuGurcddS56qh11+LxeY5ZiizJGBUjJp0Zk86ISTFh0pkwKiYMsgG9rEMv6VE0PTIKsiojIYMGmuq/9pqqoWktH/svUGM1tWaNy0ceN/3n33yeY5aL5tf9Avt9PxZFb0DRm1D0RnR6IzqDCb3BjDk0CktoFHqDqbHVGCRZQqeXUXQyypF7nYRX58Gpa8AhN1Cr1lDrrqXKWUWxrZjDDYc5WHeQA3UHqHfXs6l0E5tKNwEgIdEtqhuXJF7C8OThZERktP17bbDAmBn+uSjm/YHODYd4NfZVnrzkRi5fs5X44mIKptxE0quvYh3w0zPO947tzdRuU3ln+zs8svoRMiMzSQzyd6lP6pHCDct3kF1sJD/ewNasAQxcuYilS5eSmZlJcHDLIURpd/0B79ff8J3bi9OgY/DEKaT1GUBdRRluux2P04nb6cDjcuJxOvG6/T1nNP8vYePvohr4HdNUtfGhJr4cEE6KYragNxoxWqwYTnBeiYuVzmA831U4Yy6agP5c+cc//sH9998feH6khf5Cd/U9D5zvKgiC8AtUkL2JHT98B5pGv/3FdJ/xHMEjRx4z/datW1n75ZeQ0J4eQ4byn9AENtvcGDwqv/qxgX4dnYz68+XoDcduGdhVtYtpq6exs3InJEDf2L5MGzSN1NDUs3CG/q6x9vUbqF0wn/pvF6M2NAT2VSe0Z1FCTxZGdaWjuZgrlQ38VreSRMqbCpB1kHoJZI6FzldDSPwp1cOjethbvZftldvZUbGD7RXb2VuzF5/F1yqtIimkhKTQPrQ97YLbkRiURBxJhLmjMTqsuBp82OvcOOr9N3udG2e9B7fDh83pRfWJIEA4U+zAwZPOJSsSRksYJms0mWFZ9IswERxuJKiTAZu1moPKXnJqtpJdlk1+bT45FTnkVOQwa+ss2oe2Z0z7MVzT4ZpAkN1C+ki4azV8cTuWfd/zZPi7fHjpZdSuNpNRWUDh7beTMOMZQq666ifreHfPu9lQsoGcihz+uvyvvH/V++gVfxA05LcjGffEUmbGxLFVMdG+c3fi8nJYvHgx48ePb1GOZDCQ8PcHSf/n38lpF8OGeV/QZdjlxLbvcNLXTRBOx5HW4pCoaDGG/iJy0QT0UVFRKIpCaWlpi+2lpaXExcW1mScuLu6k0gMYjUaMxp/PNzaCIAhni9vpYMm//XOapFbUknrFVT8ZzO/cuZO5c+cCkN5/IDOtMeTZ3JhdKjeuqGd0Kgy9fRSy3HaLpMPr4PWtr/P+jvfxaT6CDcH8pc9fuD79ev9kXGeYa88eaufPp3bBV3ib9eyyhUWxLLk330ZnkhJWzpXyRu7VvU8EzWam11ug4+WQcQ10ugLMJ9Ad+CiltlK2lG1hS9kWtlduJ68qD5fP1SpdlDmKzIhMOoV2IkVOJ9qViKk+hPoyF7X7ndRXOamqclLhcwKFJ1UHvUlBb1ACLamyIjW2psooeglFkZF1sv9nJjW2JR9phZWaHvuH+kr+/XLjvXSxtD0LJ0KjsddF894bgV4cNGtJ1lB9Gj6v6r95/Pdet4rb6cVl86Kq/jSOeg+Oeg/VJfbWB5RC6RR3FUNTfoUlQaIwJI819uX8WPQj+2v381r2a8zKnsWwpGFM6jyJIYlDWv6dsEbBzV/A8qdhxQxuti5j86Ud2Li2M32L8jh8/1/wVlQS8eubj3nOekXPc5c+x8QFE9leuZ3nNz3Pg/39czqZggyMH9uOLRtrWdbDwrcxqVx/IJ+cnBy6du1KRkZGi7KCRgync2Z3DpUWUB0ES/7zKuP/77GLqOeYIAjny0Uzhh78k+L179+fV155BfBPiteuXTvuvvvuY06KZ7fbWbBgQWDb4MGDycrK+tlNiicIgnCuLfnPq2z7bhFmt4cRtR46zZuHEtz2bPTbt29nzpw5qKpKXO++vBOexEEvBNtVpvxQz3UDLPS6oe8xP7yuKVrDY2se41CDf3bsK1Ov5MH+DxJljjqj5+QpK6Nu4dfUzp+PKzc3sN1tsrAmqSdL4zKIi67mSt0mRsjZWCVnU2ZzOHS6yt8SnzbC3733BGmaxv7a/Wwu28zm0s1sLtvM4YbDrdIFG4LpGtGVbuaepHoyCG2IwVkKVcV2asvsP9myLskSQeFGgiNMWEINWIINmIMNWEIMmIL0GHUyBr2ETpbQyxKKpoFXQ3P7Gm8qmk/1B2wqjfcaqI3dflUNfFpj1/zG7cc98dbX4WTznLYTjJfafG2eaKx1wulOIOHp1Pc0yjvhMQptJTtqmyRJoJORFAlJJ0PjvWxUwKigKhIeFdwquLwqdpuHhmondZVOakrt1JTacdS3HlZiCTEQnxFMTfwhlmrzWVu+OrAvLTSN33b/LVe1vwq9fFRX4t3fos35HZKzhgpfMN9s6kvffXkARP7ud0Tfd+9PXs8fCn/g7mV3A/DssGcZ3X50YN83z8xnWmo8B2P0dPDYuHz1d1jNJu66665Wnytd+fnkTPoVK9vHosoyo/9wH10vvfyYxxWEM+1inuX+tttuo6amJtBwcC68++673HvvvdTU1JxyGb+oMfQA999/P7feeit9+/alf//+zJw5E5vNxtSpUwG45ZZbSExM5KmnngLgz3/+M5deeinPP/88V199NZ988gkbN27k3//+9/k8DUEQhIve3o3r2PbdItA0uheW0+7V148ZzGdnZzNv3jw0TcPSqx8zQ+Kp8UJ4vY9fr6hmwthEOg3PbDNvjbOGZzc+y/z8+QDEWmJ5aOBDDE8efsbORbXZqF+6lNp587GtWRMYF68qOrITuvBjXDrhiQ2M0m/mN/JcDJK3KXNwAmRcDZnXQMpgUE5szKFH9bCrchebyzazqXQTW8q2UOOqaZFGlmQyQjPpbRhEqqczwfXRuEskKjY24LJ5OQQcat61H9DpZcLiLITFWgiLsRASasBiULDIYFQ1tHo3vlo3qt2DWmlHLazDZ/OgOb1oGrjw3wThQiEDwSaF8DAjSpgJpWMoSt8Y3EaFWq9KRbWbkn21FOfXYq9zk7++EjDTV38jozN+w/64LXzp/JB9tfv454//ZFb2LH6f9Xuu7XAtitw4tKfTlUi//wE+/TVRJdu4se9y5psHkbmjgMp//xtvRQXxjz2KpGv7Y/OlyZfym26/4Z3t7/DQqodICk6iW5R/eeTL7h7N7icW88LwBPINVpK79CJj52bmzp3LzTffHJj1HsDYoQPt//gnSt55k7yESL7/75uk9uiNNezke/gIgvDLcVG10AO8+uqrPPvss5SUlNCzZ09efvllBgwYAMDw4cNJTU3l3XffDaT/7LPPeOihhygoKCA9PZ0ZM2YwZsyYEz6eaKEXBEFoyVZTzbv334XT1kD7shqGXHkNsQ/+vc20GzduDCwdqvYfwrumSNySTGKll5tXVzLxtkySstq1yqdpGgv3L2TG+hlUu6qRkLgx40bu6X0PVr31tM9B83qxrVnrHxf/3VI0e1OX3r3R7Vmb0JGQZAcjLFvpK+1Glpq9VUam+1vhM66BhF4gH7+7v91jZ2v5VjaXbWZL6Ra2VWzD4XW0SGOUjfS1Dqarrw+xDalI5WaqCu14Pa1n/pZkifA4C1FJQUREmgg1KQTJEkanF1+VE2+VE1+VE62NvD/FjYYDDSccde9/7EZDBXyNNxXwogUeN9/ua6Mpva0PHEdvO5EPJSdSztFOoOH4tPOeyfKkEyztdOp2vs5fAQxI6AADoEdCD1iQCELCCgQ1PtYfr1SdhD7Oii4xmBqjQlG1i/07q6ivbOo9YwrW40kvZ67xvxymAID08HTu73M/QxKGNLW+e5zw9V9hywcArNjblchNNciaRtCll5I480XkYyxz5VN93PP9Paw4tIIocxSzr55NnNU/xLN01yGmf5nPlwNDkTWVa3asI76ylCuuuILBgwe3KEdTVQpum8p31UXUWYykdO/JDf/3KLL8855xXLgw/Fxa6IcPH05WVhYmk4m33noLg8HAnXfeyfTp0wPpJUli1qxZzJ8/n+XLlxMfH8+MGTOYMGECAMuXL2fEiBFUV1cTFhYG+BsoevXqxf79+ykoKGDEiBEt6jBt2jSmT5/OrFmzePHFFyksLCQ0NJRLLrmEzz//vM16/6KWrTtfREAvCILQRNM05vxrGgXbNhPscHGZKZwOH36I1MZ6tevWreObb75BA6oHDud/xjAAOh1yc+u2Uq6/5xIiksNa5dtXu49/rfsX64rXAdAxrCPTB0+nR3SP0667KzeX2vkLqF34Fb7yisC+0uAoNid2wJLiYVhoDl3kAy0zx/f0t8JnXgPRnY97rEpHJVvKtgRa33dV7cKntZy8LkaKp588jPauLgTXRGMv0nDZvK3KMpgUopKDiYg0EWbVESJDkNOHWunAW+44btBehUo5GmWN9xWoVKNRi0ZN430tGvWNgXmLY+tkzHoFi0HBpFcwKDKKLKHIErLs756vSFKrbbIkocitg9I2e60f3R27rQCuVZq2yjl+ONnWR542PwS1sVFr6wuKttKdYN5jpz2xdG2lPNHy/GlP8AuXE67jiX+c9PhU3F4Vl1fF6fHhanzsavb4CDMQg0wsErHIxDU+TkImDQVLG68GXawZe5yVQpuP/F3VOBr83fMlGeT2dhaGvEeByb9C0oD4Afylz1/IjGzWS2jjf9G+fgBJ9ZBXmIBzjQ6D6sXUI4vkWbPQRUa2eV42j41ff/Nr9lTvISMig/dGv4dF7x96k/35Sv5WZ2BbeyNWn4drNi0nwuXg5ptvJi0treX1KSoie8J4fkwMR5VlBlw/iaGTf33C11cQTlWr4FLTwNPGHBbngt5yUsuRHB3Qb9myhfvvv58pU6awZs0abrvtNr799ltGjRoF+N8zIiMjefrppxk2bBgffPABTz31FDk5OWRmZh43oE9ISOD111/nkUceIS/PP0QnKCiIXbt2MXDgQD744AMGDx5MVVUVK1eu5J577mmz3iKgPwdEQC8IgtBk/bzPWfnxu8iqyiVFNWR9+hmGpNazSK9atYolS5agAvsGX853en93/H67nUwtKmPMX0djCm75JYDdY+fNbW/y/s738apejIqR32X9jqldpwZmjj4VnuJiahd8Rd2C+bj27A1sbzBY2J6YijHVy6CoXNorTZOoapKMlDIEMsb6u9SHHXu1E03TOFR/iE1l/uB9c+lmCuoKWqTR+fRkqD3pqvYlztYeudyKo6p18C7rJKLirURFmgg36wjzqZhqnXgrnP7x6W1woXEIlcOoFDXeH7mVouEFIqwGYoKNxIWaiAk2Em41EG4xEG7RE2YxEGbWE2rRY9HrMBsU/02voBxjgkJBOJtUVaPW4aHS5qba7qaywU2VzU1ZvZND1Q4Kq+wUVNooq3MRj0QmCt1QyEJHOjJy8yDfqqMq2sreahfFB5omrvQl1vF1xPscDtoDwNi0sfy5958DreoUrkf99NfIDSWUlwdRuCIKs8eNPjGR5DffwNixY5t1L2oo4saFN1LlrKJ/XH9eu/w1TDoTmqax4On5PNoxkcNROmJcNq7e8D2heh233347UVEt5wOpXfAVG558lK0p/uWXr/vrQ3TsN/AMXmVBaK1VcOm2wb8Szk9l/q8IDCfeI+/ogN7n87Fy5crA/v79+3PZZZfx9NNPA/6A/s477+T1118PpBk4cCC9e/dm1qxZxw3oj/QKP3oM/Zw5c5g6dSqHDh1qtURlW35xY+gFQRCE8+fAtmx+nP0eAF0OV9L5iadaBfOapvH999+zYsUKXIqeLQOHk62zgqYxKtvOb4wNDHtkLIoit8iz5MASZmyYQandH1QPTxrO3/r/jeTgU1s21FdfT/3ixdTOm499w4ZAM6NH1rE3PgFDikq/hN300zUF+JpiROpwGWSORep0FVjbboXzqT52V+8OTGC3pWwL5Y6mseySJhFhj6eb2o8O7q4E18TgqZD9E8lxZIy6P5gPizIRGWkiwqQQ6lWx1LmQ6l1Q3zSS/UjY70DjACoF+ChAZX/j42I0wq0G2kVaaBdhISXCwuAI/+PEcDPRwUaMOgVN0/D5GnC7K/F66/H6avB5G/B6G/D6GvA5G3DbGrB7G1B9dlTVjap5UFU3mupB1dyoqgdNdaNqbv+616iNLbNq43rzKmhqY4t042R5qI1p/dtEO8KFSTqyHIH/2VHbJH/PCalpf6AnRas0ND2XmpfXepuEhCTrkGVjq5tOF4xeF0KMPpTEiFB0MaHo9eGYTAkYjV2RZR21dg+7y+rZfriW7MIavjxYQ21VA31RGIiOoegJtnmJsNXSH7ClBLFfJ7Nvfx3K4RCuOXw3zthKFkd+zFf5X7H04FLu6H4Ht3S9BWNyf+Tfr0D73y1Es5aQUQ62/9AOy+HD7L9xCskvzcR6VHd5gISgBF67/DVuX3w760vWc9/y+3hpxEsYFANX3X815U8u5JkBSZRZrKzoOZjLNq/ko48+4o477sBiaZpIM/SasXTflUvNN/M4EB3GN688y5SnZhKZeOEvpSwIF4KsrKwWz+Pj4ykrK2uxbdCgQa2eZ2dnn9ZxR40aRUpKCmlpaYwePZrRo0dz/fXXt/j9PtNEQC8IgiAcV115GV+98C80TSOpso6e108g+LLLWqTx+Xx89dVXbNmyhSpLMCt6DaFEZ0Ln1Ri3ro7fZ5nofu2VLfLsr93PU+ueYk3xGgASgxJ5sP+DpzTpnebx0PDjj9TOn0/Dsu/RXE1B8eGoKJQUjV7t9pFlbFoTWzMGI6Vf6Q/iO44CY1Crcp1eJzkVOYHgPbs8G5vH1lgABLnDSbf1JtPbmzhbe3SVQajNJuB2N96brXqiIo1EGP3Be1C9C73XB6W2VscsxMceVPbgIx+VffgoRyM12kpGXDid44IZEhNESqSVpHATJqUBp6sIp/MwLlcZbncFbnc5lYWVFDc+drsrUFUx5Z1w8ZMkBaMxDpMpEYspkeEJKVzdqRNB1gyqXVGszq/ix70VvLGrnA5OlZHouQw91loX3YDUUD0FJj37Sx2YSiO5tvRP1EWU8n3cp7y85WXm7JnD3/r9jeHJw5FuXQCL/4lx/b/pccUBdq5IRF9Zz8E7fkfMA38l4tZbWw336BbVjdcuf407l9zJj4d/5G8r/sazw55Fb9Rz4/2jKH/xe14bmkB+UARy94EMz1nL7Nmzufnmm1ssnRxz//30zd9H3aHdVAOfP/p/TH7iOUJjYs/tBRd+ufQWf0v5+Tr26WTXt+zZJ0kSqnri88ocmbCy+ZfQHk/r1TWOFhwczObNm1m+fDmLFy/mkUceYfr06WzYsCHQ0n+miYBeEARB+Ekep5N5T0/H6bATYncyoFM3Yu6/v0Ual8vF559/zp49e9gXncAPnXvjUnSE2nxMWVPJb25II7lPUxdVu8fOf3L+w7s73sWrejHIBn7b/bf8pttvMOlOfCIeTdNw5uRQO28+dV9/ja+6OrCvJjgIKQW6pR4gM6jpA4lmjUHKGAMZ1yC1Hwa6ll3/a121/q7zjS3wOyp34FX97eQGr5mYhnZ0t6eT5u5CSE0sOFq+laqAXi8TEX4kePcRbPdgRkOqaxlQu9DIbwzc9+BjLyr5+AgNMdE5LpiMuGAmxAWTHq0SZ6nA5zmE05mL03kYp/MwtQeLKNtThM934mMcFcWCTheCTheMogSh0wWhU4JQdM0eK2Yk2YAsGZBlA5KsR5b0LR5LkgLISI1re/vvZf/a84HW2Nbbmh7/HPxczkPz96rQGntWNNvatO1k05xYGZrmxac6UX0uf68Q1YWqOvF46/B6a/F66vB4a/F6anF7qnA6i9E0d+B34GiKEkTHkJ707t+Tf47sy57qNBbtqOaWrUUMcMC1GEjXFLo5PKQFKeQrMgW1HkKqYrmu6h5KI/JZmTiHe76/hyEJQ/hb/7+RNuZZSOqHNP/PdLuskIINMbgKoOzpZ3Du2En8Y4+2miyvT2wfXr7sZe5eejdLDy7lT8v+xAvDX8ASZuHO2/tT+0427w+JYk94LHTpx4gdG/jwww+56aabAt1uJUUh+bnnGHTTFFY4HTRQzf+m/50bn3ieoIi2exAJwhklSSfV7f1is3btWm655ZYWz3v16gVAdHQ0AMXFxYSH+1eaOLr13mAw4PMdPfsM6HQ6Ro4cyciRI5k2bRphYWEsW7aMG2644aychwjoBUEQhGPyeb0seO4Jyg4dRO/1MUgJot2zzyIpTTMu19TUMHv2bIpLS9nYoSubk9IBSC318Pudhxn/58sIifGP/VI1lYX7FvLS5pcC3esvSbyEf/T/B8khJ96V1F1QQO3ChdQu+ApPQUFgu9OoR2onkZ56mIyIokAPYTUsFTlzLGReg5TUD5rNGF3cUNxi/fe9Nf5u+IqqI9KWSEbDYNo5OhFvT0Nf3/qDjSRDeLCBcKNCiNtHmE8lWAbJ7QV3Y4d5SaKqWeB+JHivMcqkxwXTOS6YvrEKkyJqiLOUg28ndkcBdvsB7A37KaupoazVkVsyGKIxmRIxGmMxGKIxGKIwGCIxGqKaPY9CUdqepVsQLgaapuJ2V+B0HsLhOITTeRi7fR8NDXnY7Hvw+Rqoqv6RquofAZBlE+NT+zO151DyqrvwQbZMSV4VYzFwhaynu6bRMUhhtwoHbF5iqzowoeoB9kduY739K8YXj+emzJu4s8edBMX3xPvpr2k/YBdV4VZKs0OpW7AAR+4ukme+0Gpc/aCEQbx82cvct/w+VhWt4rff/pbXRr5GRHI0f7m5K+rHO/hwUBR7ohLQuvZn+E5/UH/zzTcHgnolyErHf/8b3623slLyUFdZwf+m/Z1fPTaDoPCIc379BeHn5LPPPqNv374MHTqUjz76iPXr1/P2228D0LFjR5KTk5k+fTpPPvkku3fv5vnnn2+RPzU1lYaGBpYuXUqPHj2wWCwsW7aMffv2MWzYMMLDw/n6669RVZXOnY8/oe6pEpPiHYeYFE8QhF8qTdNY9Mrz7Fy1HFlVGVRpp89Hs9HHxwfSHDx4kE8//ZQKl4flXftxIMz/jfagXQ7ulWoYevuVKDp/C+6Gkg08u+FZcqtyAX/3+r/3+7u/W+sJzGTrKSmh7utvqF24ENeOHYHtPkVGTtRol1qBNc5FY4MxalwPfxCfcTXEdAFJQtVU8mvyW8xAX2wrBk0i3BFDTEMKMQ0pJDnSCamPRtJaL0kXZNERrpcJ9foIlyBU8c/0foSKxkFU9jYG8HvxUSBDRKyVzFg9XWMbaB9WRZS5FJ12CIf9AHbHftzuilbHas5oiMVsScFkSsRkSsTceO8fU5yAohh/Mr8g/NypqhebbTe1ddnU1m6iqmo1bnfLr8KMxniCQi9jW2Vf/rfWSt9qlfEYCEfG5tPY5VE55PR3y9XQ2B29no1JizCESdzb516uTR4J3/4f8ub3sJUaOLg6ClygGY0kPPwQoePHt/p7tq18G39c+kdqXDW0C27HzBEzSQ9Pp6qghKc+3sZHA6JRZYn4uiqu2L6W1IhwJk+eHGgVBPCUlpH7m6msNPhwGnQEhYZxw0NPEN0u9axfV+GX4+e0bF3Pnj2ZOXNmYP+4ceMICwsLLG8uSRKvvfYac+fOZcWKFcTHx/PMM8/wq1/9KpBn1apV3HXXXezZs4d+/fpxzz33MHHixMCkeAB33XUXn332GZWVlUybNo2RI0fy0EMPsW3bNpxOJ+np6fzzn/9sUW5zYpb7c0AE9IIg/BJpmsbKD99hw1dfgqbRr6ye/m++halzp8D+jRs3smjRIg4ER7A8sw8NBhN6r8b1G6u5d2gUaZf4J6TZX7ufFza9wPLC5QAE6YO4vfvt3NzlZozHCUK91dXUf7uY2oULsW/ciNT4lqVJoItViUmpJTjJiaLX0JBRUwajZF4DGWMgrB0en4cdlTtaTGBX567D6goluiGFmIZ2xNpSiLWlovO2XnrPqJcJ00mEaRoRikSYImFoNvO7A429ja3tR1rdfREKXZPsZEbXkhRcQYSxFJ12GIdjPy5XyU+er14fgcXSHos5FYslFbMlFYu5PRZLCopy9ibUEYSfI03TsNl2U1m1kqrKldTUrkdV3YH9RmM8Lt2lfL0rE19uNJMxkYRMnU8j1+WjxO3/e6NKPnbGrGJz0hI6JKTwj/7/oHtlIZ4v/4hUU8OhteE4Sv1/yyyXXUbC9GnoY2Ja1GV/7X7uXHInRbYizDozDw98mGs6XENNYTkvvLuJ9/vH4DTIhDhtjM5ZSxI+Jk2aREpKSqAMb0UFO6fexmrZjc1kQK83cO0DD5Hao/c5uJrCL8HFHNCfLEmS+PLLLxk3btx5rYcI6M8BEdALgvBLo2kaP7z7HzYtmg9AVlkdQ195HXO3roB/vPyCBQvYumMn69tnsjXZ38U+ss7HHdsO85vbhxISH0GJrYT/bPsPX+z5Ap/mQ5EUJnaayF097yLCdOyuoqrNRv2yZdR8tRDbjz8iNRufpo/yEpHSQEiyE51JxacYocPlKJljodNo6vR6tpZtDYyB316xHc0lEW1rR0xDO2LqU4i1pWBxh7Y6riL7W9vDZYlwRSJcJ2GWmtY3L28WtO+V3LjDaklIrKVjZA0JQRWE6EuQ1UO4nIfxj6Rvm04X0hiwt28M2P3Bu8XSHp3u+EvcCIJwanw+B1XVqykr+5ry8u/w+RoC+xR9IntqB7EzuytXNbSjCwrVXpVcp0q51/9R2Su72Rb3A1sTljGq82X8MX0SMd89jX7PN1TuCqI8JwRUUK1BJP7z/wi9flyL1voqZxUPrngwMAno+PTxPNDvAWQbvPfaEl7KSqY6SEHn8zI4fztdSw8yauRIBg4cGJigy1dTw/777mNl2UGqgsxIwMAbJjNwwo3IzYZCCcKpEAH9uScC+nNABPSCIPySaKrKklkvkrPyewC6lNdy6XMvY+ntnyTm0KFDfPnll+x0qyzv3Itqq//vYp+9Dv4m1zD01iupcJXzVs5bfLHnCzyN070PTxrOfX3vIy00rc3jqnY7DStWUr1oEQ3Lvkd2N00eZwjzEpZiJ6SdA73Vh8cQitz5KpQuYymO68Lm6l2BAH5f5X4i7An+4L2xBT7cEdfmMUMUCFckwhSZcJ1EsAyyJOFt7DK/Bw+FpioagkoJja0mIbKaGHM5VqUYfIfRtNbryB+hKBYs5vaYLSktAnazORW9PvyEhhgIgnD2+Hwuqqp+oLR0IRWVy1pMLGnXOrF9X286HuzPIE8E5R5/YF/t839kdil2cuJXsCt+DWO7juZ3xnaELJqGVlpL8fownFX+3j5Kj54kP/IQ5q5dm46r+nhj2xu8ufVNNDTirfFMGzSNgXGD+OaNr3gyIp79cf7ZuVMrirl09xYyEuIZN25coAu+5vVS/OxzrFj2NYcj/H+D45JTuPqBhwmLbfvvnSCcCBHQn3sioD8HREAvCMIvhcfl5Jvn/sWebZtB08iqtjP0hZcxd++O1+vlhx9+4PvVa1ifkkFOUgc0ScLqVPnVtlLuvbozclowb29/m8/yPsPd2K21X1w//tDjD/SN69vqeL76ehqWL6fy60U4Vq1qGcQHewlp5yAkxYExxIvTEo/c5Wr2p/Rhi6KxuWIrW0q34KhUWwTvUbYkFK31fK8W+Ujw7m95D1UkdJJEAyr5hioOW0uos5ZgDK8kPKyScFMZRqkICXerso6QZQPmI8G6uXn3+FQMhmgRtAvCRcLnc1BRsZTikrlUVa1A0/y9gjQUimu7oRT0Z0BZX6rdenIdPuoaO+B4JTe7ozewM3EVl3ftx83lFSRv+YTqPAsV24PRfJL/7+R140i45270CQmBY64rXse01dM43OCfqf+q9lfx595/xr6+mH9tq2dxtzB8ioTB66FvQS49yw9x2bBhDBgwILAcV93XX7PxuWfIibDgVRR0skL/6ybQ94ZfoTeIOTWEk/dLCugvFCKgPwdEQC8Iwi9BTWkJX077O1XVlUiaRm+bj8Gz3sSQksKBAwf4auFCVmFgbVpX7Eb/LOlZBQ4e0KpJHduJ2fkfMz9/Pi6fPyjvHdObP/b8I/3j+7c4jre6moZl31P61dd4N6xD9ja1cuutXoKTnYS0c2AM91IZ05N9HfuyNSiUzfbD5B3Ox1od1SKAN/pajyvXS/7gPVyR/OPfFdAZbZRaiimyFlNrKUEOLicouIIgYymK5DjmdZEkHWZzcmNre8vu8UZjXGDJNkEQfh7c7gpKS7+iuGQu9fU5ge1e1UxtcS86Hx6Ks6wze10aNb6mj9D7w3PYkbCC7p2iuOHgXvrs3kzZthDqDvj/RqmKgmXcDST98c5AYG/32Hllyyt8lPsRGhp6Wc+NGTdyc9IU5s/ewOspSZRE+L+gDLfV0X9/Lj28dkaNHEnXrl2RZRlPWRn5Dz/MmkN7qQry/20OsgQx7De/p/OQYciy6IYvnDgR0J97IqA/B0RALwjCz92e1StY9MrzuFUfBo+XgcZQer06C4fBwJIlS1h04DDr2nehNNS/7nF4g48pu4sYNEzP5zVzWVW0KlBWj+ge/LHnHxkYPzDQQu3av5/qZd9Tsug7DNu3ImlN48sNIR6Ck5wEJzsojDWzJTGLvZEx7HL4qCn2ElGfQHRDMlG2ZILd4RxNRiNM8U9cF2pwYQ0qh5DDVASVUG8pQbOWYbaUodf91DrtMmZTkr97fCBo93ePN5kSkWWxwqsg/BLZbPmUlMylpHReizXvXc5wLMX9MBcOobAigdJmo2+qzMXsilmLnFrCFbWFjNmeT8O2YOxl/hZzTZLg0stIvWMq5t69kSSJnZU7eWHjC6wrWQeASTExrsM4RtoG8eF2L19lROEw+r88jGiopdfB3fRTXVwyeBBZWVnodDrqvvmGLa++xA6jhNPg/5sVYg1mwK9uosvlV6JrbNUXhJ8iAvpzTwT054AI6AVB+LlqqK5i8Ywn2L9vNwBhNieXXTKS6DvvYtW6dczP3cPa5HQOh/tna9Z7NS7Pq+KS6H3MMyxgf91+ACQkRiSP4OYuN9M3ti+ax4N90yYKFy7B9cNSjOVHLRsV5sGQ7KSwo4+1SdHstqRSWR+OpS6aKFsy0bZkgtxhbdRYI0jRCDXZsQZVYA4/hBaxB0dQCZqlFJ3B9pPnazTGBWaQNze2slvMqZjNSciy6J4qCELbNE2lpmYjJSVfUlb+DV5vfWCfzx2M8cAwqvOHUVQXhkbj5HWSj0OhuzgYnUOSNZcb8vaRsMmIo6zpb40zMYnI8ROIHz8OXUwMq4pW8fLmlwNLe8qSzOC4IfQrHsgSeztWp4XgMvjLN7udZJQcpGdNKcMzOtGzZ0+iw8Mp/+ADNvzvI/YFGfHo/K3zRkVHRr9B9JwwmajkplnzBeFoIqA/90RAfw6IgF4QhJ8bt9PBxo/eY+PihXjQkDSNDjY3vf70F3Ikif/tP8SW+PaUhfhnopdVjT776+nqXs+yoM9waP7WbqveyvUdr+fGzpOJLmzg0NIV1P3wHabdecjeppnpkTV8sR4Op2psTE0kP6gDmj2GKHsS0Q3JWD2tZ5wHDYPBToi1BnPYYYyRe5Bic1CslT95bkfWam8a0964/Ju5HYpiPlOXUBCEXyifz0Vl5XLKyxdTUbkMr7euaZ8jFNfuMZQf7I3DEda0XfJSHJJPcXgumQ2bGLatmLB8A/j8vZg0wNmhA6FXjiVp7JVkm8t4d8e7/Hj4x0AZoUoYw+1j2Ofrx7qUcGzmpq700fXVpJUX0Rc3Q9Pa0zk1BfmH5WR/8T/ydVqgxR4g3BpMet+BZIy9jqjkFDHXh9CCCOjPPRHQnwMioBcE4efCXlfLlg/+y5aVy3A1dnsPcXpI6T2QTWmdWIaJvTGJOAz+NxTFp9KtsJ7QukXsDlmET/b3K82wpjGJQXTYr8e3YS3GvDx0Lk+LY9mCLexNS2BvXDIVQUmEOhMId8ShV1uv9a6horNUExxahCkyH0P0boxhB1H0rlZpAQyG6BYBe9NM8mKtdkEQzh1V9VBTs57yiiWUly/B5SoJ7HPVxVFfMIiqg/1R7VEt8jl09ZRb9xFTv5cu+/fSruAwstb0Jag7xIq3SxcYMoDsuAo+dayk2FHq36lBYn0GMVzL3qh09sca/d34GwU57SRWl5Nmq6FfmJUstwvX6h8p2p9HeZC5RVqzoiMhsR0p/QaS1H8gkckpYum7XzgR0J97IqA/B0RALwjCxcztcJC/9Fu2f72AwooSNElCVXT4LKGUpmexPbE9BRGx1JutgTxWp5dOhUVorvmUm9aTUCGTVRbOoFIT8YeqMVfUIqngkw3YzdE4LDHUBcVQGhVDnTUWSY7BoFrbrI8qu5CCiwkKL8QafghT+AFMYYXIupazyev1UY2Tz6ViMac0Be/mFHS6tssWBEE4XzRNo8GWR031Wqqr11JVvQ6fz996766Ppb6oOxWHe+Cr6oCsthzP7pPceCkmtL6Y+LJigm0lWGwlmJ2VSGioioQ9KozyuFC2x3hZF11BSZQHu9FAvK0viu5SyiPaUxhlwqe0nKjT5HER2VBLhK2BREc9ceXFRBzMR3LUgNeD5PNyJMSXNQg3W4iKTSCucyaxPXsT0aEjltAw0ZL/CyEC+nNPBPTngAjoBUG4mNSXlnB49SpKtmdzaO9uylwO7NZQymMSKY9OoDwijuKIGCqDQtAaZ2jXu10klpQwcHcuqaU5xNQWEF3jIKReQfIE4zaG4zRG4DSF4Wp8bLNE4zG2nqTuCA0Vn6UCXchhgsMLCQk/hDH0MHprOZKsoWFAb0gg2NoOqyUFkzkJsykZszkJs7kdOl3wubpkgiAIZ5ymqTQ05FFds5aami1U1+zA4z6Apiq4qttRXd6RmrJ01KoO6DzH+HunejC5qjE5qzG5ajC6qjG5qjG6atB7bMiqDa/BicPipjZIoc4SRI0lkZKwDuyPTSUvKZHKyHA8+tY9o0xuF8EuO1ang2BHA0G2eoJstQQ31GJ2NGC2N2C212NwOdB5vQTJCsGWIELCIwiKjMIaGUVQTCxB8QkEJSUTFBuLohMT713sREB/7omA/hz4JQX0mqahqiqapuHz+VB9PjRNA01Da7w1JkSlcZZqTUUDNJ//HrQWedRAniP7aSyLxjSqf/CYpvnv0fxPwZ/3yLEb/0Gzl6umNZWpamiqv4xmW/3/jtRB1Zq2ahpN82w37lN9NOVuSovWtEVTj9S1qdxAjZrV58ixAnVoXiutqUwar0Wzp41n2ax26pHzbirl6PpLR/aoza6RBi1/vZseq1qz56rWfE+LS3ykUqpPa6pTi/TNzl0DiaOvPy3Or/l2AEltWdLRP2MNramumtZY/tFnozXbqDa9lNAAqXmqAClwGDVwRKkxkdo8pXZ0zmabGrusN/+9OCpVi5xHdkuBdFLL12tg5nf/ldbwv6Y1nw9N9YHXh8/txeX14vZ6cfpUPKqGWwMfEj5JQgUUTUNSNRQVFJ+GrGrofSpmlwezy4vRo6H3yig+PbLPgOIzImtmPHozHn0wbn0QHkMwHr0VTTp+10uPvgGvpQwluBRLcCkRocVYQkrRW+qQ9GEYjHGEhCQRGpyC2Zzsn03e3A6DIUos+SYIwi+K12vDZsujvj6Xsupt1FTvxes6hNem4KxNoLImgfqaRLT6OPT2WJQ2hii1SVPRe+3ovA4Un6vVTVZdgP+myj58sooqq6iKhlfR8Cmgyho+WcMng1eR8CgSXkXBo5PxSTI+RUFVJFRZ8n8ZrIHW+MYpNX7+kVBRJQnpyHubBjISSBqyBrIkoQA6/I9lSUKRZGQZFElGpyhIOgW9okOvMyDrJGRkdIoORSehSAb0OhlZ0aMo/vSyTkaWdeh1MoqiQ9YZkHUKsqJD1umQFRlJkZBkxf9Y0iHLMopORpZl//uQLKPXKUhIIClIsoSsyCBJyCjIkoSk82+XJBkJyZ9GlpAVnT8fICuK/5Hsf+5PC8j+9zr/8dru6SBJ0gXRC+JiDuhvu+02ampqmDt37jk75rvvvsu9995LTU3NKZdxJgJ6sRbPz8Rrv/8OxIfji4RE80CzbWIMm3BsCnDSnc4l8Jj8t5PhUWy4TdVo5ip0lmoM5lqsZgehQW6soRqmkGCCQhOJimhPkHUIJmM8RmM8Ol3wBfHhRBAE4UKh01kJDe1NaGhvkpJuCmz3+Vw4nYew2w9QUbufmuqD2GvX4apx4bCp1Dpk6p0WPI5wVHs4OMOQ3Vb0niB0qgkkGY8+CI8+6IzUUwaMGhi9gPd4qc8sDXA33k6f2ngD8PxUQqGRKVSm+zWhVBoa0OvOzE/hXHE2eHDZvZQdqDt+YkBS64lun3iWa3VuiIBeEATh50TzIWleJNWLhBe0I5/IvGiSD1XyoskuVNmFqnPjM7pRLT4ki4rRImE16wkJMhIRFkxodAhhUVFEhPXEbIpCr49EUcTyboIgCGeSohixWjtgtXYgOrrtNP5elA683nrc7jpqbdXU1VZSX1uCvbYeW52NBrsTp9OLy+3F7fHhcmv4HDKSS0H26JC9OiSfguyTkVUF6chNUwi0nWsKoICkAxpbrQM3GX+fQAkk//MWj6XGdKKBSTjPrp90NZmZXTEZjXz0yfvo9QZuvek3PHDfPwJpYtKSmDVrFvPnz2f58uXEx8czY8YMJkyYAMDy5csZMWIE1dXVhIWFAZCdnU2vXr3Yv38/BQUFTJ06FSDQgDFt2jSmT5/OrFmzePHFFyksLCQ0NJRLLrmEzz///KydrwjofyZCum9EPl73WAmQpLbbho/aKElSoAsRrVrZpBb30pG+yi3SNr0FIEnNym/arjU/RrOi/Vublycdow5as/RHV08KvP9IyEfvBBrfliTZfySp5SU48ovZ/H9kqalrdrPzaTqrxuey1HjKTcdtdlmalXn0o0ZKs/ORmzI3tXbK+DuxHfn5NK+zfHTVmhcBclNdAz+bxmfakT2Ba954baWmMzySXJblo36u/rf9ZimbfmwSjW/uTefR8ho2u0hy86shoUiK/7xavuSQGruvBbqzAa1er43Hl2VdYx4pULcWLceN9ZFkOfBakiRds2vULF2gaH9XQUk66lwbz68pj9yyG53U8tUYuB5y6w8/sk5BUfQn3srdmE6WG38+giAIws+GJEkoigVFsWA0xhIcDMSd3zppzYaKAaiqik9V8amNQzhVNTDEUvX68Hk9+DQfXq8P1eNBVVVU1YeGiurzoqqgelV8mopPc6GpKqqqoak+VFR8Xh+oGj7Ni+b14tNAVX2BNJom+fOgNg5XU1F9Kmg+/7BMFVRNbRw6qDUbmuh/rKq+o4ZUNg77a3zeNIy08T+19VDB5kMu/R8GjgxRbT4gsdEJvL2f1rjoE83cbMigwWRBNvRBNjlQ9F40TcPpc55OLU6ZSTGdVE8/SedFUrwoZjsoPv73xcfcdefv+XbRQjZu3Mjd99zLwCE9GX7ppYE8Dz/8ME8//TQvvfQSH3zwAZMnTyYnJ4fMzMzjHm/w4MHMnDmTRx55hLy8PACCgoLYuHEj99xzDx988AGDBw+mqqqKlStXnvwFOAkioP+Z+PXdD57vKgiCIAiCIAi/EEfPg6IoCmLVu4vbkfHc4ZHRmEwm7B47Iz6+4rzUZd2UdVj0J74UrdFkxuB0ERkTh15voEePHjwz41kA+g8czLvvf8iGTVsYP3FSIM/EiRO5/fbbAXj88cdZsmQJr7zyCrNmzTru8QwGA6GhoUiSRFxc07drBw8exGq1MnbsWIKDg0lJSaFXr14nfB6nQjTjCIIgCIIgCIIgCD8bWVlZLZ7Hx8dTVlbWYtugQYNaPc/NzT2t444aNYqUlBTS0tL49a9/zUcffYTdbj+tMo9HtNALgiAIgiAIgiAILZh1ZtZNWXfejn069PqWyyhKkoSqqsdI3dqR4YvNV4zyeI4/uWJwcDCbN29m+fLlLF68mEceeYTp06ezYcOGwFj8M00E9IIgCIIgCIIgCEILkiSdVLf3i83atWu55ZZbWjw/0j0+unGGyuLiYsLDwwH/pHjNGQwGfD5fq3J1Oh0jR45k5MiRTJs2jbCwMJYtW8YNN9xwVs5DBPSCIAiCIAiCIAjCL8pnn31G3759GTp0KB999BHr16/n7bffBqBjx44kJyczffp0nnzySXbv3s3zzz/fIn9qaioNDQ0sXbqUHj16YLFYWLZsGfv27WPYsGGEh4fz9ddfo6oqnTt3PmvnIcbQC4IgCIIgCIIgCL8ojz76KJ988glZWVm8//77zJ49my5dugD+LvuzZ89m165dZGVl8cwzz/DEE0+0yD948GDuvPNOJk2aRHR0NDNmzCAsLIw5c+Zw2WWXkZmZyRtvvMHs2bPp2rXrWTsPSWs+MEBopa6ujtDQUGprawkJCTnf1REEQRAEQRAEQTjjjsxy3759e0wm0/muzlklSRJffvkl48aNO6/1+KlrfqJx6EXTQl9VVcVNN91ESEgIYWFh/Pa3v6WhoeEn8wwfPjywBvSR25133nmOaiwIgiAIgiAIgiAIZ89FM4b+pptuori4mCVLluDxeJg6dSq/+93v+Pjjj38y3x133MFjjz0WeG6x/HwndhAEQRAEQRAEQRB+OS6KgD43N5dFixaxYcMG+vbtC8Arr7zCmDFjeO6550hISDhmXovFQlxc3LmqqiAIgiAIgiAIgnAB+zmNOr8oAvo1a9YQFhYWCOYBRo4ciSzLrFu3juuvv/6YeT/66CM+/PBD4uLiuOaaa3j44Yd/spXe5XLhcrkCz2trawH/GAZBEARBEARBEISfI7fbjaqq+Hy+NpdjE848n8+Hqqo0NDTgdrtb7DsSfx7vy4eLIqAvKSkhJiamxTadTkdERAQlJSXHzDdlyhRSUlJISEhg27Zt/P3vfycvL485c+YcM89TTz3Fo48+2mp7cnLyqZ+AIAiCIAiCIAjCBSwlJYU33ngDh8Nxvqvyi1JRUcHVV1/NgQMH2txfX19PaGjoMfOf14D+wQcf5JlnnvnJNLm5uadc/u9+97vA4+7duxMfH8/ll19Ofn4+HTp0aDPPP/7xD+6///7Ac1VVqaqqIjIyEkmSTrkuZ1tdXR3JyckUFhaK2fiFkyJeO8LpEK8f4VSJ145wqsRrRzgd4vVzbG63m9LSUlJTU3/2s9yfCp/Px7Zt28jKykJRlDNSptPppKCggI0bN2IwGFrs0zSN+vr6nxxeDuc5oP/LX/7Cbbfd9pNp0tLSiIuLo6ysrMV2r9dLVVXVSY2PHzBgAAB79+49ZkBvNBoxGo0ttoWFhZ3wMc63kJAQ8cdJOCXitSOcDvH6EU6VeO0Ip0q8doTTIV4/rTmdTsrLy1EU5YwFrD9HZ/L6KIqCLMsEBQW1+SXKT7XMH3FeA/ro6Giio6OPm27QoEHU1NSwadMm+vTpA8CyZctQVTUQpJ+I7OxsAOLj40+pvoIgCIIgCIIgCIJwobgo1qHPzMxk9OjR3HHHHaxfv55Vq1Zx9913M3ny5EAXhMOHD5ORkcH69esByM/P5/HHH2fTpk0UFBQwf/58brnlFoYNG0ZWVtb5PB1BEARBEARBEARBOG0XRUAP/tnqMzIyuPzyyxkzZgxDhw7l3//+d2C/x+MhLy8Pu90OgMFg4LvvvuOKK64gIyODv/zlL4wfP54FCxacr1M4q4xGI9OmTWs1XEAQjke8doTTIV4/wqkSrx3hVInXjnA6xOtHOFWSJJGQkHDBzasmaT+nRfgEQRAEQRAEQRCEk+Z0Otm/fz/t27e/6CbFu+2226ipqWHu3Lnn7Jjvvvsu9957LzU1Nadcxpm45hdNC70gCIIgCIIgCIIgCE1EQC8IgiAIgiAIgiD8LAwfPpx77rmHv/3tb0RERBAXF8f06dNbpJEkiddff52rrroKs9lMWloan3/+eWD/8uXLkSSpRet7dnY2kiRRUFDA8uXLmTp1KrW1tUiShCRJgWPMmjWL9PR0TCYTsbGxTJgw4aye73md5V4QBEEQBEEQBEG48GiahuZwnJdjS2bzaY1Vf++997j//vtZt24da9as4bbbbmPIkCGMGjUqkObhhx/m6aef5qWXXuKDDz5g8uTJ5OTkkJmZedzyBw8ezMyZM3nkkUfIy8sDICgoiI0bN3LPPffwwQcfMHjwYKqqqli5cuUpn8eJEAG9IAiCIAiCIAiC0ILmcJDXu895OXbnzZuQLJZTzp+VlcW0adMASE9P59VXX2Xp0qUtAvqJEydy++23A/D444+zZMkSXnnlFWbNmnXc8v+/vTsPivq+/wf+/LDsci2wQZCFqhyKiAoOXgSsxioiVK1G40mNUo9RIWqM2jETOZQmlY5Tr6pNW88iXtHaUZtqwTXGgiIIaFCugpgUZNSiIiIr+/794Y9PXEHli8IKPB8zzOznfL/fH1+zH9/7vlQqFezt7SFJErRarby/tLQUNjY2GDt2LGxtbeHm5gZ/f/9ml6Mp2OW+nfjDH/4Ad3d3WFpaIiAgQF6+j6hebGys3CWo/q9Xr17y8ZqaGkRGRqJTp05Qq9WYNGkSbt26ZcIck6l88803GDdunDyT6/MTzAghEB0dDRcXF1hZWSE4OBgFBQVG59y9exfh4eGws7ODRqPBnDlzUFVV1YqlIFN4VezMnj27wfdQaGio0TmMnY7piy++wKBBg2Bra4vOnTtjwoQJcqtXvaa8p0pLSzFmzBhYW1ujc+fOWLFiBZ48edKaRaFW1pTYGT58eIPvngULFhidw9hpX55fptzFxQUVFRVG+wIDA1FRUYHvvvsOmZmZ6N69OzIyMnDv3j35HIPBgBs3biArKwvXrl0D8HR1tWc9fvwYBQUFyMzMhLOzM1xdXeHp6YmZM2ciMTFRXoWtpbCFvh04cOAAli1bhu3btyMgIAAbNmzA6NGjkZeXh86dO5s6e/QW6dOnD/71r3/J2+bmP34FfPzxxzhx4gQOHToEe3t7REVFYeLEiTh//rwpskom9PDhQ/Tr1w+/+tWvMHHixAbHExISsGnTJuzevRseHh5YvXo1Ro8ejdzcXHmG1vDwcJSVleH06dPQ6/WIiIjA/PnzsW/fvtYuDrWiV8UOAISGhmLnzp3y9vNLRzF2OqazZ88iMjISgwYNwpMnT/Dpp58iJCQEubm5sLGxAfDq91RdXR3GjBkDrVaLf//73ygrK8OHH34IpVKJzz//3JTFoxbUlNgBgHnz5mHNmjXytvUzrb+MncZJVlbwzswwWdqvQ6lUGt9PkmAwGBqcp1Kp0KVLF1hYWMDBwQEKhQKFhYVypf37778HAHh6euL+/fsAnv744+XlJd+jsLAQSqUSvXr1gl6vx969e1FQUIDLly8jOjoasbGxSE9Ph0ajea0yvZCgNm/w4MEiMjJS3q6rqxOurq7iiy++MGGu6G0TExMj+vXr1+ixyspKoVQqxaFDh+R9165dEwBEampqK+WQ3kYAxNGjR+Vtg8EgtFqt+N3vfifvq6ysFBYWFiIpKUkIIURubq4AINLT0+Vz/vGPfwhJksQPP/zQankn03o+doQQYtasWWL8+PEvvIaxQ/UqKioEAHH27FkhRNPeUydPnhRmZmaivLxcPmfbtm3Czs5OPH78uHULQCbzfOwIIcR7770nlixZ8sJrGDtPPXr0SOTm5opHjx6ZOiv/Z8++Xxr79x4/fryYNWuWvA1ALFy40Oicd999VyxcuFBkZmaKb7/9VgAQBw8eFHfu3BFCCPHll18KAOLYsWPiwYMHIjExUajVapGeni5qa2vl+9y6dUtkZmaKuro6UVVVJczNzcVXX33VaL7fxDNnl/s2rra2FhkZGQgODpb3mZmZITg4GKmpqSbMGb2NCgoK5G5A4eHhKC0tBQBkZGRAr9cbxVGvXr3QrVs3xhEZKS4uRnl5uVGs2NvbIyAgQI6V1NRUaDQaDBw4UD4nODgYZmZmuHDhQqvnmd4uOp0OnTt3hre3NxYuXIg7d+7Ixxg7VK++y6uDgwOApr2nUlNT4evrC2dnZ/mc0aNH4/79+/juu+9aMfdkSs/HTr3ExEQ4Ojqib9++WLVqlVE3aMZOx3To0CHs2LED+fn5iImJwcWLF/HLX/4SBoMBvr6+6NKlC7788kvcunULJ06cwPr16wE8bf1/+PAh3N3dUVVVhezsbNy7dw/V1dU4fvw4/vrXvyI3Nxf5+fnYs2cPDAYDvL29W6wc7HLfxt2+fRt1dXVGX0AA4OzsjOvXr5soV/Q2CggIwK5du+Dt7Y2ysjLExcVh6NChuHr1KsrLy6FSqRp0BXJ2dkZ5eblpMkxvpfp4aOw7p/5YeXl5g+E+5ubmcHBwYDx1cKGhoZg4cSI8PDxQVFSETz/9FGFhYUhNTYVCoWDsEICnY1aXLl2KIUOGoG/fvgDQpPdUeXl5o99N9ceo/WssdgBgxowZcHNzg6urK3JycvDrX/8aeXl5OHLkCADGTkcVFxeH/fv3Y9GiRejUYOF/7QAAErNJREFUqRPi4+PlJezs7Ozwxz/+EUuWLEH//v0xaNAgxMfHY/LkyVAqldDr9QgKCkJ4eDiWL1+OuXPnIiYmBsHBwTh27BiysrKg1+vh5eWFpKQk9OnTp8XKwQo9UQcRFhYmf/bz80NAQADc3Nxw8OBBWL3mOCUioqaYNm2a/NnX1xd+fn7o3r07dDodRo4cacKc0dskMjISV69exbfffmvqrFAb86LYmT9/vvzZ19cXLi4uGDlyJIqKitC9e/fWzia1gF27dsmfdTpdg+PPT9IKAK6urjh16hQMBgNqa2tRV1eH//3vfyguLoa3tzcCAgKwf/9+DBjw40z/Qgh5cjwAiI+PR3R0NHr27CnvS0lJweXLl+Hl5QV7e/s3Ur6XYZf7Ns7R0REKhaLBLK+3bt0yWkKB6HkajQY9e/ZEYWEhtFotamtrUVlZaXQO44ieVx8PL/vO0Wq1DWaSffLkCe7evct4IiOenp5wdHREYWEhAMYOAVFRUTh+/DjOnDmDLl26yPub8p7SarWNfjfVH6P27UWx05iAgAAAMPruYex0XGZmZrC0tISNjQ26dOkCKysrVFRUQKlUQgjRYLUDvV4vT7pX31r/rPrzn5+Yr8Xy3yqpUItRqVQYMGAAkpOT5X0GgwHJyckIDAw0Yc7obVdVVYWioiK4uLhgwIABUCqVRnGUl5eH0tJSxhEZ8fDwgFarNYqV+/fv48KFC3KsBAYGorKyEhkZP86Mm5KSAoPBIP8nigh4OnvwnTt34OLiAoCx05EJIRAVFYWjR48iJSUFHh4eRseb8p4KDAzElStXjH4UOn36NOzs7NC7d+/WKQi1ulfFTmOysrIAwOi7h7FDzzIYDLC2toYkSXjw4IG8v6amBrW1tfIKCmq1Go8ePTKq1N+/fx8KhUJe+aelsct9O7Bs2TLMmjULAwcOxODBg7FhwwY8fPgQERERps4avUWWL1+OcePGwc3NDf/9738RExMDhUKB6dOnw97eHnPmzMGyZcvg4OAAOzs7fPTRRwgMDMS7775r6qxTK6uqqpJbLYCnE+FlZWXBwcEB3bp1w9KlSxEfHw8vLy952TpXV1dMmDABAODj44PQ0FDMmzcP27dvh16vR1RUFKZNmwZXV1cTlYpaw8tix8HBAXFxcZg0aRK0Wi2KioqwcuVK9OjRA6NHjwbA2OnIIiMjsW/fPhw7dgy2trbyuGV7e3tYWVk16T0VEhKC3r17Y+bMmUhISEB5eTk+++wzREZGNlgekdqPV8VOUVER9u3bh5///Ofo1KkTcnJy8PHHH2PYsGHyWuWMnY7n6UT3T39Ytre3h0qlQl1dHe7evYsHDx6gZ8+eMDc3h6OjI27evAmFQgGFQoHS0lLY2NhArVYDAOzs7GBlZYXi4mJ06dIFer0eP/zwA5ycnGBm1kpt582eH5/eKps3bxbdunUTKpVKDB48WKSlpZk6S/SWmTp1qnBxcREqlUr85Cc/EVOnThWFhYXy8UePHolFixaJd955R1hbW4v3339flJWVmTDHZCpnzpwRABr81S/3YjAYxOrVq4Wzs7OwsLAQI0eOFHl5eUb3uHPnjpg+fbpQq9XCzs5OREREiAcPHpigNNSaXhY71dXVIiQkRDg5OQmlUinc3NzEvHnzjJaJEoKx01E1FjcAxM6dO+VzmvKeKikpEWFhYcLKyko4OjqKTz75ROj1+lYuDbWmV8VOaWmpGDZsmHBwcBAWFhaiR48eYsWKFeLevXtG92HstO1l65qruLhYZGdni0uXLonLly+L69evG8VGXV2dKCkpEZmZmSIjI0MUFBQYLVEnhBA1NTUiPz9fZGRkiMuXL4vS0lJhMBialP6beOaSEP//5wkiIiIiIiLqkGpqalBcXAwPD49W6y7e0b2JZ84x9ERERERERERtECv0RERERERERG0QK/REREREREREbRAr9ERERERERERtECv0RERERERERG0QK/RERERERETUZs2ePRsTJkxo1TR37doFjUbTqmk2hhV6IiIiIiIiojaIFXoiIiIiIiJqF4YPH47Fixdj5cqVcHBwgFarRWxsrNE5kiRh27ZtCAsLg5WVFTw9PXH48GH5uE6ngyRJqKyslPdlZWVBkiSUlJRAp9MhIiIC9+7dgyRJkCRJTmPr1q3w8vKCpaUlnJ2d8cEHH7RoeVmhJyIi6oBM0T2RiIjaDiEE9I/rTPInhHitvO/evRs2Nja4cOECEhISsGbNGpw+fdronNWrV2PSpEnIzs5GeHg4pk2bhmvXrjXp/kFBQdiwYQPs7OxQVlaGsrIyLF++HJcuXcLixYuxZs0a5OXl4euvv8awYcNeqyyvYt6idyciIqJWJ0nSS4/HxMRg48aNr/0fpub605/+hC1btqCoqAjm5ubw8PDAlClTsGrVKgBPf2yorKzE3/72N5Pkj4iIgCe1Bny55KxJ0p6/8T0oLRTNvt7Pzw8xMTEAAC8vL2zZsgXJyckYNWqUfM7kyZMxd+5cAMDatWtx+vRpbN68GVu3bn3l/VUqFezt7SFJErRarby/tLQUNjY2GDt2LGxtbeHm5gZ/f/9ml6MpWKEnIiJqZ8rKyuTPBw4cQHR0NPLy8uR9arUaarXaFFnDjh07sHTpUmzatAnvvfceHj9+jJycHFy9etUk+SEiovbHz8/PaNvFxQUVFRVG+wIDAxtsZ2VlvVa6o0aNgpubGzw9PREaGorQ0FC8//77sLa2fq37vgwr9ERERO3Ms60FjbUgAA1bwYcPHw5fX18oFArs3r0bKpUK8fHxmDFjBqKionD48GE4Oztj8+bNCAsLk+9z9epVrFixAufOnYONjQ1CQkLw+9//Ho6Ojo3m7e9//zumTJmCOXPmyPv69Okjf46NjcXu3bsB/NjT4MyZMxg+fDhu3ryJTz75BKdOnYKZmRmGDh2KjRs3wt3d3ahM/v7+2LJlCx4/fowZM2Zg06ZNUKlUzX+gREQdkLnKDPM3vmeytF+HUqk02pYkCQaDocnXm5k9Tf/Znmx6vf6V19na2iIzMxM6nQ6nTp1CdHQ0YmNjkZ6e3mIz4nMMPREREQF4OubQ0dERFy9exEcffYSFCxdi8uTJCAoKQmZmJkJCQjBz5kxUV1cDACorKzFixAj4+/vj0qVL+Prrr3Hr1i1MmTLlhWlotVqkpaXhxo0bjR5fvnw5pkyZgtDQUHlcYlBQEPR6PUaPHg1bW1ucO3cO58+fh1qtRmhoKGpra+Xrk5OTce3aNeh0OiQlJeHIkSOIi4t7sw+KiKgDkCQJSguFSf5eNXTsTUhLS2uw7ePjAwBwcnICYNzj7fnWe5VKhbq6ugb3NTc3R3BwMBISEpCTk4OSkhKkpKS84dz/iBV6IiIiAgD069cPn332Gby8vLBq1SpYWlrC0dER8+bNg5eXF6Kjo3Hnzh3k5OQAALZs2QJ/f398/vnn6NWrF/z9/bFjxw6cOXMG+fn5jaYRExMDjUYDd3d3eHt7Y/bs2Th48KDccqJWq2FlZQULCwtotVpotVqoVCocOHAABoMBf/7zn+Hr6wsfHx/s3LkTpaWl0Ol08v1VKhV27NiBPn36YMyYMVizZg02bdr0f2qZISKi9u/QoUPYsWMH8vPzERMTg4sXLyIqKgoA0KNHD3Tt2hWxsbEoKCjAiRMnsH79eqPr3d3dUVVVheTkZNy+fRvV1dU4fvw4Nm3ahKysLNy4cQN79uyBwWCAt7d3i5WDFXoiIiICYDzmUKFQoFOnTvD19ZX3OTs7A4A8DjE7OxtnzpyRx+Sr1Wr06tULAFBUVNRoGi4uLkhNTcWVK1ewZMkSPHnyBLNmzUJoaOhLK93Z2dkoLCyEra2tnJaDgwNqamqM0urXr5/RWMXAwEBUVVXh5s2bzXgiRETUXsXFxWH//v3w8/PDnj17kJSUhN69ewN42mU/KSkJ169fh5+fH9atW4f4+Hij64OCgrBgwQJMnToVTk5OSEhIgEajwZEjRzBixAj4+Phg+/btSEpKMhpa9qZxDD0REREBaHzM4bP76rtA1le8q6qqMG7cOKxbt67BvVxcXF6aVt++fdG3b18sWrQICxYswNChQ3H27Fn87Gc/a/T8qqoqDBgwAImJiQ2O1XeNJCKijmnXrl3y52d7bdVrbNUUV1dXnDp16oX3HDJkiNwjrd7zq8Ns27YN27ZtM9rXWPotiRV6IiIiapb+/fvjq6++gru7O8zNm/9fivoWkYcPHwJofFxi//79ceDAAXTu3Bl2dnYvvFd2djYePXoEKysrAE/HRKrVanTt2rXZ+SMiInpbscs9ERERNUtkZCTu3r2L6dOnIz09HUVFRfjnP/+JiIiIRicKAoCFCxdi7dq1OH/+PG7cuIG0tDR8+OGHcHJykpcQcnd3R05ODvLy8nD79m3o9XqEh4fD0dER48ePx7lz51BcXAydTofFixfj+++/l+9fW1uLOXPmIDc3FydPnkRMTAyioqLkGYuJiIjaE77diIiIqFlcXV1x/vx51NXVISQkBL6+vli6dCk0Gs0LK9DBwcFIS0vD5MmT0bNnT0yaNAmWlpZITk5Gp06dAADz5s2Dt7c3Bg4cCCcnJ5w/fx7W1tb45ptv0K1bN0ycOBE+Pj6YM2cOampqjFrsR44cCS8vLwwbNgxTp07FL37xC8TGxrbG4yAiojZCCIEJEyaYOhtvhCSeHwhARERE1AbVr0Pf2FhJIiJ6uZqaGhQXF8PDwwOWlpamzk6H8CaeOVvoiYiIiIiIiNogVuiJiIiIiIiI2iDOck9ERETtwrPLFhEREXUEbKEnIiIiIiIiaoNYoSciIiIiIiJqg1ihJyIiIiIiImqDWKEnIiIiIiKiNmv27Nmtvq78rl27oNFoWjXNxrBCT0RERERERNQGsUJPRERERERE7cLw4cOxePFirFy5Eg4ODtBqtYiNjTU6R5IkbNu2DWFhYbCysoKnpycOHz4sH9fpdJAkCZWVlfK+rKwsSJKEkpIS6HQ6RERE4N69e5AkCZIkyWls3boVXl5esLS0hLOzMz744IMWLS+XrSMiIiIiIiIjQgg8efzYJGmbW1hAkqRmX797924sW7YMFy5cQGpqKmbPno0hQ4Zg1KhR8jmrV6/Gb3/7W2zcuBF79+7FtGnTcOXKFfj4+Lzy/kFBQdiwYQOio6ORl5cHAFCr1bh06RIWL16MvXv3IigoCHfv3sW5c+eaXY6mYIWeiIiIiIiIjDx5/BibZrVs6/KLLN59GEpLy2Zf7+fnh5iYGACAl5cXtmzZguTkZKMK/eTJkzF37lwAwNq1a3H69Gls3rwZW7dufeX9VSoV7O3tIUkStFqtvL+0tBQ2NjYYO3YsbG1t4ebmBn9//2aXoynY5Z6IiIiIiIjaDT8/P6NtFxcXVFRUGO0LDAxssH3t2rXXSnfUqFFwc3ODp6cnZs6cicTERFRXV7/WPV+FLfRERERERERkxNzCAot3H371iS2U9utQKpVG25IkwWAwNPl6M7On7d5CCHmfXq9/5XW2trbIzMyETqfDqVOnEB0djdjYWKSnp7fYjPhsoSciIiIiIiIjkiRBaWlpkr/XGT/fVGlpaQ2268fPOzk5AQDKysrk41lZWUbnq1Qq1NXVNbivubk5goODkZCQgJycHJSUlCAlJeUN5/6Z9FrszkRERERERERvoUOHDmHgwIH46U9/isTERFy8eBF/+ctfAAA9evRA165dERsbi9/85jfIz8/H+vXrja53d3dHVVUVkpOT0a9fP1hbWyMlJQX/+c9/MGzYMLzzzjs4efIkDAYDvL29W6wcbKEnIiIiIiKiDiUuLg779++Hn58f9uzZg6SkJPTu3RvA0y77SUlJuH79Ovz8/LBu3TrEx8cbXR8UFIQFCxZg6tSpcHJyQkJCAjQaDY4cOYIRI0bAx8cH27dvR1JSEvr06dNi5ZDEswMDiIiIiIiIqMOpqalBcXExPDw8YPkaM8y3BZIk4ejRo5gwYYJJ8/Emnjlb6ImIiIiIiIjaIFboiYiIiIiIiNogTopHREREREREHUZ7GnXOFnoiIiIiIiKiNogVeiIiIiIiIgLQvlqv33Zv4lmzQk9ERERERNTBKZVKAEB1dbWJc9Jx1D/r+mffHBxDT0RERERE1MEpFApoNBpUVFQAAKytrSFJkolz1T4JIVBdXY2KigpoNBooFIpm34vr0BMRERERERGEECgvL0dlZaWps9IhaDQaaLXa1/rhhBV6IiIiIiIiktXV1UGv15s6G+2aUql8rZb5eqzQExEREREREbVBnBSPiIiIiIiIqA1ihZ6IiIiIiIioDWKFnoiIiIiIiKgNYoWeiIiIiIiIqA1ihZ6IiIiIiIioDWKFnoiIiIiIiKgNYoWeiIiIiIiIqA36f5QjlfKA1K80AAAAAElFTkSuQmCC", + "image/png": "iVBORw0KGgoAAAANSUhEUgAABKUAAAGGCAYAAACqvTJ0AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjYuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8o6BhiAAAACXBIWXMAAA9hAAAPYQGoP6dpAAEAAElEQVR4nOzdeVxVdf7H8de5wGVflU1FlERzQy1NQTMzTS1LTU2zxmyyyabG1uk3NpOS2TQ5WbapNU3jUmFpamVmmkabe4pL7griwqayyA733t8f6E0CFRS4ou/n43Eecr7ne875HByby4fP+XwNm81mQ0REREREREREpA6ZHB2AiIiIiIiIiIhcfZSUEhERERERERGROqeklIiIiIiIiIiI1DklpUREREREREREpM4pKSUiIiIiIiIiInVOSSkREREREREREalzSkqJiIiIiIiIiEidU1JKRERERERERETqnJJSIiIiIiIiIiJS55SUEhEREZFaMXv2bAzDICkpydGhiIiIyGVISSkRERGpF84kODZt2uToUADIz88nNjaW+Ph4R4dSp3r16oVhGBfcYmNjHR2qiIiIXOacHR2AiIiISH2Un5/PCy+8AJQlaq4Wf//73xk7dqx9f+PGjbz55ps899xztG7d2j4eFRVF27ZtGTlyJK6uro4IVURERC5zSkqJiIiISAV5eXl4enpWGO/bt2+5fTc3N95880369u1baXLOycmptkIUERGRek6v74mIiEi9NWbMGLy8vDh69CiDBw/Gy8uLwMBAnnnmGSwWi31eUlIShmHw6quv8vrrrxMeHo67uzs33XQTO3bsKHfNXr16VZpcGTNmDM2aNbNfLzAwEIAXXnihwitrqampPPDAAzRp0gRXV1dCQ0MZNGhQlXorrV69mhtvvBFPT0/8/PwYNGgQu3btsh9fuHAhhmHw/fffVzj33XffxTCMcs+0e/duhg0bRkBAAG5ubnTu3Jkvvvii3HlnXo38/vvv+fOf/0xQUBBNmjS5YKwXUllPqWbNmjFw4EDi4+Pp3Lkz7u7utG/f3v4a5KJFi2jfvj1ubm5cf/31bNmypcJ1q/JMIiIicvlTUkpERETqNYvFQr9+/WjQoAGvvvoqN910E9OmTeO9996rMHfu3Lm8+eabPProo0yYMIEdO3bQu3dv0tLSqnXPwMBAZs6cCcCQIUOYN28e8+bN46677gJg6NChLF68mAceeIAZM2Ywfvx4Tp06RXJy8nmv++2339KvXz/S09OJjY3lqaeeYs2aNXTv3t2e2Ln99tvx8vLi008/rXD+J598Qtu2bWnXrh0Av/76K926dWPXrl387W9/Y9q0aXh6ejJ48GAWL15c4fw///nP7Ny5k4kTJ/K3v/2tWt+T6ti/fz+jRo3ijjvu4OWXXyYzM5M77riDjz76iCeffJL77ruPF154gQMHDnD33XdjtVrt51b3mUREROQyZhMRERGpB/73v//ZANvGjRvtY/fff78NsE2ePLnc3E6dOtmuv/56+35iYqINsLm7u9uOHDliH1+/fr0NsD355JP2sZtuusl20003Vbj//fffbwsPD7fvZ2Rk2ADbpEmTys3LzMy0AbZ///vf1X7Gjh072oKCgmwnTpywj23dutVmMplso0ePto/dc889tqCgIFtpaal9LCUlxWYymcp9L2655RZb+/btbYWFhfYxq9Vqi4mJsUVGRtrHznxve/ToUe6aVbFgwQIbYPvuu+8qHDtz3cTERPtYeHi4DbCtWbPGPvbNN9/Y/34OHTpkH3/33XcrXLuqzyQiIiKXP1VKiYiISL03bty4cvs33ngjBw8erDBv8ODBNG7c2L5/ww030LVrV5YtW1Zjsbi7u2M2m4mPjyczM7PK56WkpJCQkMCYMWMICAiwj0dFRdG3b99yMY4YMYL09PRyK/8tXLgQq9XKiBEjADh58iSrV6/m7rvv5tSpUxw/fpzjx49z4sQJ+vXrx759+zh69Gi5GB566KE66QHVpk0boqOj7ftdu3YFoHfv3jRt2rTC+Jm/y4t5JhEREbl8KSklIiIi9Zqbm5u9v9MZ/v7+lSaEIiMjK4y1bNmySr2eqsrV1ZVXXnmFr7/+muDgYHr27MnUqVNJTU0973mHDh0CoFWrVhWOtW7dmuPHj5OXlwdA//798fX15ZNPPrHP+eSTT+jYsSMtW7YEyl6Rs9lsPP/88wQGBpbbJk2aBEB6enq5+zRv3vziH7wazk48Afj6+gIQFhZW6fiZv8uLeSYRERG5fGn1PREREanXarqyxzAMbDZbhfGzG6dfyBNPPMEdd9zBkiVL+Oabb3j++ed5+eWXWb16NZ06dbrkGF1dXe09lGbMmEFaWho///wz//znP+1zzvRheuaZZ+jXr1+l12nRokW5fXd390uOrSrO9Xd2rvEzfx8X80wiIiJy+VJSSkRERK4a+/btqzC2d+9e+6p6UFZlVdmrf2cqmc4wDOO897rmmmt4+umnefrpp9m3bx8dO3Zk2rRpfPjhh5XODw8PB2DPnj0Vju3evZuGDRvi6elpHxsxYgRz5sxh1apV7Nq1C5vNZn91DyAiIgIAFxcX+vTpc95Y64sr8ZlERESuZnp9T0RERK4aS5YsKddzaMOGDaxfv54BAwbYx6655hp2795NRkaGfWzr1q38/PPP5a7l4eEBQFZWVrnx/Px8CgsLy41dc801eHt7U1RUdM7YQkND6dixI3PmzCl3zR07drBixQpuu+22cvP79OlDQEAAn3zyCZ988gk33HBDudfvgoKC6NWrF++++y4pKSkV7nf289UXV+IziYiIXM1UKSUiIiJXjRYtWtCjRw8eeeQRioqKmD59Og0aNODZZ5+1z/njH//Ia6+9Rr9+/XjwwQdJT09n1qxZtG3blpycHPs8d3d32rRpwyeffELLli0JCAigXbt2lJaWcsstt3D33XfTpk0bnJ2dWbx4MWlpaYwcOfK88f373/9mwIABREdH8+CDD1JQUMBbb72Fr68vsbGx5ea6uLhw1113MX/+fPLy8nj11VcrXO+dd96hR48etG/fnoceeoiIiAjS0tJYu3YtR44cYevWrZf2DXWAK/GZRERErlaqlBIREZGrxujRo/nLX/7C22+/zUsvvUTbtm1ZvXo1oaGh9jmtW7dm7ty5ZGdn89RTT/HFF18wb948rrvuugrXe//992ncuDFPPvkk99xzDwsXLiQsLIx77rmH+Ph4JkyYwIQJE8jJyeHTTz9l6NCh542vT58+LF++nAYNGjBx4kReffVVunXrxs8//1xpE/IRI0aQm5sLwN13313heJs2bdi0aRO33347s2fP5tFHH2XWrFmYTCYmTpxY3W/fZeFKfCYREZGrlWGrrJOniIiIyBUkKSmJ5s2b8+9//5tnnnnG0eGIiIiICKqUEhERERERERERB1BSSkRERERERERE6pySUiIiIiIiIiIiUufUU0pEREREREREROqcKqVERERERERERKTOKSklIiIiIiIiIiJ1ztnRAVzurFYrx44dw9vbG8MwHB2OiIiIiIiIiMhlzWazcerUKRo1aoTJdO56KCWlLuDYsWOEhYU5OgwRERERERERkXrl8OHDNGnS5JzHlZS6AG9vb6DsG+nj4+PgaERERERERERELm85OTmEhYXZcyrnoqTUBZx5Zc/Hx0dJKRERERERERGRKrpQGyQ1OhcRERERERERkTqnpJSIiIiIiIiIiNQ5JaVERERERERERKTOqaeUiIiIiIiIiFwxLBYLJSUljg7jiubi4oKTk9MlX0dJKRERERERERGp92w2G6mpqWRlZTk6lKuCn58fISEhF2xmfj5KSomIiIiIiIhIvXcmIRUUFISHh8clJUvk3Gw2G/n5+aSnpwMQGhp60ddSUkpERERERERE6jWLxWJPSDVo0MDR4Vzx3N3dAUhPTycoKOiiX+WrN43OZ86cSVRUFD4+Pvj4+BAdHc3XX3993nMWLFjAtddei5ubG+3bt2fZsmV1FK2IiIiIiIiI1JUzPaQ8PDwcHMnV48z3+lL6d9WbpFSTJk3417/+xS+//MKmTZvo3bs3gwYN4tdff610/po1a7jnnnt48MEH2bJlC4MHD2bw4MHs2LGjjiMXERERERERkbqgV/bqTk18rw2bzWargVgcIiAggH//+988+OCDFY6NGDGCvLw8li5dah/r1q0bHTt2ZNasWVW+R05ODr6+vmRnZ+Pj41MjcYuIiIiIiIhIzSksLCQxMZHmzZvj5ubm6HCuCuf7nlc1l1Ive0pZLBYWLFhAXl4e0dHRlc5Zu3YtTz31VLmxfv36sWTJkjqIUEREROTS2Ww2CvNyOXU8g/ysTArz8yjOz6cwL5fignyK8vMoys+npLAQq9WCzWLBYin/p9VqwVpaitVqxWqx/P4Old7zfFNslZzD786pzq88K/0layWDBpVMrGyo8gtW8R7nUNncKv52uNJ5Vb13Fc8tO//ivj+GYeDkYsbZfHpzMeNsdsXZ7IKLmzvu3j72zbthIH7BIbh6eFYag4iISHXVq6TU9u3biY6OprCwEC8vLxYvXkybNm0qnZuamkpwcHC5seDgYFJTU897j6KiIoqKiuz7OTk5lx64iIiIyAXkZp4kZe9ujh8+xPEjyZw4fIjsjDRKz/pcInI5cPPyJqBxGKEtWhIaeS2NWl6Ld4OGjg5LRKTeGjNmDFlZWXVaRDN79myeeOIJsrKy6uyelalXSalWrVqRkJBAdnY2Cxcu5P777+f7778/Z2LqYrz88su88MILNXY9ERERkcqUFBZycMtGDm3bwpFdO8hMOXbOue7ePnj5B+Dq5YWrhyeu7h64enrh6uGB2cMTF1c3TE5OODk7YzKZMJycMDk5YXJyxuRkwmQ6/bXJVLF65veVM2dPqFBV8/vIKlbdnOdwRZUWXVVWZlVZRVdl0yqZV4XKrnPFUp3zK68Oq0Il2jnuXeW4zxVPFedZrVYsJcWUlpRQWlxEaXGxfSsuLKDwVA4Fp3LIz84iOyOdgpxsCnNPcWzPTo7t2Wm/TlDza7g2pietom/EJzCo8jhFRER+p14lpcxmMy1atADg+uuvZ+PGjbzxxhu8++67FeaGhISQlpZWbiwtLY2QkJDz3mPChAnlXvvLyckhLCysBqIXERGRq53VYuHA5g3s+fkHDmzeUL4KyjAIbNqMoGYRNAgLp2GTpviFhOLVoCEuZlfHBS1yluKCfLLSUsk4lEjK/r2k7NtNxqFE0hMPkJ54gB8++h/hUZ3oPuI+Qlu0cnS4IiL1Tq9evYiKisLNzY33338fs9nMuHHjiI2Ntc8xDIMZM2bwxRdfEB8fT2hoKFOnTmXYsGEAxMfHc/PNN5OZmYmfnx8ACQkJdOrUicTERJKSknjggQfs1wKYNGkSsbGxzJgxg9dff53Dhw/j6+vLjTfeyMKFC2vteetVUur3rFZruVftzhYdHc2qVat44okn7GMrV648Zw+qM1xdXXF11Qc/ERERqTnFhQXsWL2CX5Z9Tk5Gun3cNyiYFl2iCWsbReNr2+Dm6eXAKEUuzOzuQVCzCIKaRdD2plsAyM/JZt/6NexZ8wOHd+3g0LYtHNq2hWs6d6P7iPsIbNrMsUGLyFXLZrNRUPL7foq1z93F6ZJWppszZw5PPfUU69evZ+3atYwZM4bu3bvTt29f+5znn3+ef/3rX7zxxhvMmzePkSNHsn37dlq3bn3B68fExDB9+nQmTpzInj17APDy8mLTpk2MHz+eefPmERMTw8mTJ/nxxx8v+jmqot4kpSZMmMCAAQNo2rQpp06d4uOPPyY+Pp5vvvkGgNGjR9O4cWNefvllAB5//HFuuukmpk2bxu233878+fPZtGkT7733niMfQ0RERK4ipcXF/PLVEjZ9uYjCvFwA3H18adOzN9dG30jwNZFaulrqPQ8fXzr0HUCHvgPITk9l7cL57PxhNQc2rePgLxuIHn4P3YaMwDCZHB2qiFxlCkostJn4TZ3fd+fkfniYLz7dEhUVxaRJkwCIjIzk7bffZtWqVeWSUsOHD2fs2LEAvPjii6xcuZK33nqLGTNmXPD6ZrMZX19fDMMo9zZZcnIynp6eDBw4EG9vb8LDw+nUqdNFP0dV1JukVHp6OqNHjyYlJQVfX1+ioqL45ptv7H8pycnJZX0STouJieHjjz/mH//4B8899xyRkZEsWbKEdu3aOeoRRERE5CpycPNGvpv9HllpKQD4hYTSeeBdtLmpt17HkyuWb1AI/f/8BF0GDeXn+fPYt2ENaz79iGN7dzPg0afw8PF1dIgiIpe9qKiocvuhoaGkp6eXG/v9W2DR0dEkJCRc0n379u1LeHg4ERER9O/fn/79+zNkyBA8PDwu6brnU2+SUv/973/Pezw+Pr7C2PDhwxk+fHgtRSQiIiJSUV5WJivee4uDv2wAwMs/gBvvfYBru/fEZHJycHQidaNB4zDufPo5dsR/y6r/ziQp4Rc+/NsT3Pn0c4RcE+no8ETkKuHu4sTOyf0cct9L4eLiUm7fMAysVmuVzz9TsHP24holJSUXPM/b25vNmzcTHx/PihUrmDhxIrGxsWzcuNHem6qmqYZWREREpIYk79jK3Gf/wsFfNmBycqbLnUN54PVZtLnxZiWk5KrUrlcfRr00Df/Qxpw6kcHCKf8gPemgo8MSkauEYRh4mJ3rfKuLV/PXrVtXYf9MP6nAwEAAUlJS7Md/X0VlNpuxWCr223J2dqZPnz5MnTqVbdu2kZSUxOrVq2s4+rPuV2tXFhEREblKWK0W1i6cz7pF88Fmo2FYOLc//iwNw8IdHZqIwwU2bca9/3ydxa/EcnT3Tj7750RGTp6Kf0gjR4cmIlJvLViwgM6dO9OjRw8++ugjNmzYYH/DrEWLFoSFhREbG8tLL73E3r17mTZtWrnzmzVrRm5uLqtWraJDhw54eHiwevVqDh48SM+ePfH392fZsmVYrVZataq91VRVKSUiIiJyCUqKCvn831NY91kc2Gy0730ro16apoSUyFlcPTwY/OxEAsObk5+dxcIpz5N78oSjwxIRqbdeeOEF5s+fT1RUFHPnziUuLo42bdoAZa//xcXFsXv3bqKionjllVeYMmVKufNjYmIYN24cI0aMIDAwkKlTp+Ln58eiRYvo3bs3rVu3ZtasWcTFxdG2bdtaew7DdvZLhlJBTk4Ovr6+ZGdn4+Pj4+hwRERE5DJSmJvL4qmTObZnJ84uZm59+C+0vvFmR4clctnKy8pk/sRnyUpLoUGTpox6aRpmN3dHhyUiV4DCwkISExNp3rw5bm5ujg6nVhmGweLFixk8eLBD4zjf97yquRRVSomIiIhchFMnjzN/0rMc27MTV09Phv1jihJSIhfg6efPsH+8iKd/ACeOJPPDh/9zdEgiIuJASkqJiIiIVNOpE8eZP/H/OHEkGS//AEbGvkLja9s4OiyResE3KIQBjz4FwNaVy0jautnBEYmIiKMoKSUiIiJSDfk52Sx86XlyMtLwCwll5OR/07BpM0eHJVKvhLfvSMd+AwH4ZtYbFOblOjgiEZH6w2azOfzVvZqipJSIiIhIFRUX5LP4X7GcPHoYrwYNGf6Pl/ANCnZ0WCL1Us9RY/ALCSX35Am+m/2eo8MREREHUFJKREREpApKS0r4/NWXSD2wDzdvH4Y99yI+gUGODkuk3nJxc2PAo09hGCZ2/rCa/ZvWOzokERGpY86ODkBERETkcmez2fj2P++QvGMrLq5u3PW3STRoEubosACwlZZiKyrCZrGUfV1aChYLNosFSktPj1vAUvZ1+ZMrWYT592O/26904eYKQ9VZ3Nmo0hCUrTZUyWDVxs45Xo25ld6qOudfYlyX+n2pbNwwMMyumFzNGG5uGK6uGC4u536uGtaoZWs63zGEjV98xg8ffkBEp86YnJzq5N4iIuJ4SkqJiIiIXEDCN0v59ftvMQwTdz79HKEtWtXavWw2G5bjxyk6mEjJsWOUpqVSkpaG5fgJrHm5WE7lYs0t2yx5edjy82stFrl6Ga6umNzdcfL1xcnPDyc/P5xDQ3Bp3Bhz48a4hIfjFhmJYTZf8r26DhnB9u9WkplylJ0/fke7Xn1q4AlERKQ+UFJKRERE5DwO79xO/Nz3Aeh57xiadbiuRq9fkppKwZYt5G/eQuH27RQdPIg1J+fiL2gyYTg5gYsLhpNT2dfOzmV/Opkwfl9uU5UqmwvtQ4Uqngr3qYStsoqqcxVZVaWq61xj5xiv9P7niuES73WuuVX+Hlzqvc51f6sVW3ExtqKicnNsRUVYioqwZGXBoUOVnmu4uOB67bW4t2+PV6+b8OjWDdNFJKlcPTy4YdAwfvjwA9YujKN1j5twcnap9nVERKT+UVJKRERE5Bxyjqfz5ev/wmqxcG33m7h+4JBLvqbNaqVw2zZOffstp1Z+S3FlP/CbTLiENcHcJAzn4GCcg4NwbtgQJx8fTJ5emLw8cfL2xuTlVba5uWE4O4OTE4ZJLUOl+mw2G5SUYC0qKnsdtKgIS14e1uxsLNnZlJ48SWlqKiVHj1J85ChF+/ZhzcmhcPt2CrdvJ/PjjzF5eeHVqxe+gwbh2aN7tV4B7HjrbfyydDE5GWlsX7WCjv1ur8WnFRGRy4WSUiIiIiKVsJSW8OVrL1OQk01gswhuffgvl9RnpzQjg8xPPiVr4UJKU1N/O2Ay4XptKzw6XYd7x464tmyJuVk4JlfXGngKkaoxDAPMZpzMZvD2BuB8tUo2m42Sw4cp3LGD/E2bOLXyW0ozMshZupScpUtxa9eOho+Mw6t37yr9u3FxdaPrXSNY/cEs1i3+hLa9bsHF1a2Gnk5ERC5XSkqJiIiIVGLNgo/LVtrz9GLQ03+/6B+QC3fv5sQHH5Dz9XIoKQHA5OmJ10034d23D5433oiTl1dNhi5S6wzDwNy0KeamTfG57TaC//EPCrZuJWfZ12QtXEjhjh0cefQxXFu3JvTFF3Fv1/aC14y6pR+bvlxETkY6CSuW0eWOu+rgSUREHG/MmDFkZWWxZMmSOrvn7NmzeeKJJ8jKyqqze1ZG9d0iIiIiv3P4121s+HwhAH0f/gu+QcHVvkZJWhrHJjxH4pC7yPniSygpwb1jRxq9+iqRa36m8WvT8BkwQAkpuSIYJhMenToR8vfnaLHqWxr86U+YPDwo2rWLpHvu4cT772OzWs97DSdnF6KH3gPAxs8XUlpcXBehi4iIAykpJSIiInKWwtxclr3zGthstLv5Vlp27V6t863FxWS8+RYH+vUne/FisNnwHtCfZgsW0Gx+HL4Db9ereXJFcw4IIOipJ7lm1bd49+0LJSWkvzqN5D8+SEla+nnPbdOzN94NAik4lcPe9T/XUcQiIpePXr16MX78eJ599lkCAgIICQkhNja23BzDMJg5cyYDBgzA3d2diIgIFi5caD8eHx+PYRjlqqASEhIwDIOkpCTi4+N54IEHyM7OxjAMDMOw32PGjBlERkbi5uZGcHAww4YNq9XnVVJKRERE5DSbzcbK/7xN7onj+Ic24uYxD1Xr/MI9e0kaNpzjM2ZgKyzE/brraPbJfJq8/jru7dvVUtQilydnf38av/kGIS9OxnB3J3/dOg6NGkXJsWPnPMfk5ETULf0A2LpiWV2FKiJXKpsNivPqfjvXiqlVNGfOHDw9PVm/fj1Tp05l8uTJrFy5styc559/nqFDh7J161buvfdeRo4cya5du6p0/ZiYGKZPn46Pjw8pKSmkpKTwzDPPsGnTJsaPH8/kyZPZs2cPy5cvp2fPnpf0LBeinlIiIiIip+3++Xv2rvsJk5MTtz32DGY39yqdZ7NaOTlnLhmvvYatpASngABCJj6Pd79+l9QcXaS+MwwD/+HD8bi+M4cfGUfJoWQOjb6f8HlzcQkNrfSc9rf0Y+1ncRzbu4uMQ4kEhjev46hF5IpRkg//bFT3933uGJg9L/r0qKgoJk2aBEBkZCRvv/02q1atom/fvvY5w4cPZ+zYsQC8+OKLrFy5krfeeosZM2Zc8PpmsxlfX18MwyAkJMQ+npycjKenJwMHDsTb25vw8HA6dep00c9RFaqUEhEREQHyc7JZPfs9ALoNHUlIi5ZVOs+al8eRx/5C+iuvYCspwatXLyK++Byf/v2VkBI5zTWiOeFz5uDStCklR45waPT9lJy9CuVZPP38adElGoCtK1UtJSJXn6ioqHL7oaGhpKeXf/05Ojq6wn5VK6XOpW/fvoSHhxMREcEf/vAHPvroI/Lz8y/pmheiSikRERER4LvZ71F4KofAps24YdDwKp1TkpbG4UceoWjnLgxXV4InTMBvxN1KRolUwiUkhPA5s8sSUocPc+j++2n+6ac4+fpWmNuh7wD2rvuJnT/G0/PeBzC7e9R9wCJS/7l4lFUtOeK+l3K6i0u5fcMwsF5gsYizmUxl9Ue2s14jLDm9AvD5eHt7s3nzZuLj41mxYgUTJ04kNjaWjRs34ufnV+X7V4cqpUREROSqd+CX9ez++XsMw8St4x7HyfnCv7cr3LmTpOF3U7RzF04NGhA+Zzb+I0coISVyHi6hoYTPmY1Lo0aUHEom5fmJ5X5oOiOsbRT+jZpQUljArp/i6z5QEbkyGEbZa3R1vdXBZ4F169ZV2G/dujUAgYGBAKSkpNiPJyQklJtvNpuxWCwVruvs7EyfPn2YOnUq27ZtIykpidWrV9dw9L9RUkpERESuakX5eXz7fln/hesHDibkmsgLnpO/eQuH7vsDpenpmFtcQ7NP5uPesWMtRypyZXBp1IjGb74JLi6cWrGCrE8XVJhjGAYd+gwAyhqeV5a4EhG5mi1YsIAPPviAvXv3MmnSJDZs2MBjjz0GQIsWLQgLCyM2NpZ9+/bx1VdfMW3atHLnN2vWjNzcXFatWsXx48fJz89n6dKlvPnmmyQkJHDo0CHmzp2L1WqlVatWtfYcSkqJiIjIVe3Hj+eQe/IEfiGhxAwfdcH5BQkJHH7oIaz5+XjccAPNPv4Yc5MmdRCpyJXDvV1bgp58EoC0f/6Ton37Ksxpe9MtOJtdyUhO4tje3XUdoojIZe2FF15g/vz5REVFMXfuXOLi4mjTpg1Q9vpfXFwcu3fvJioqildeeYUpU6aUOz8mJoZx48YxYsQIAgMDmTp1Kn5+fixatIjevXvTunVrZs2aRVxcHG3btq215zBs+rXDeeXk5ODr60t2djY+Pj6ODkdERERqUOqBfXz096fAZmP48/+kabuo884v2LaN5D8+iDU3F48bbiDs3VmY3Ku2Qp+IlGezWjn8p4fJ++knXCMjabbgU0xubuXmfP3Oa+z8YTUd+93OLX98xEGRikh9UFhYSGJiIs2bN8ftd/8tudIYhsHixYsZPHiwQ+M43/e8qrkUVUqJiIjIVclmtbLqg5lgs9G6R68LJqQKd+4k+cGxZQmpzp0JmzVTCSmRS2CYTDT618s4NWxI0b59ZLz1VoU518b0BGDf+jVYrRV7n4iISP2mpJSIiIhclbZ/t5LU/Xsxu7vT874/nnduSWoqh8c9gvXUKdyvu66sQspDq4GJXCrnhg0JnTwZgMy58yg+crTc8abtO+Dq6UleViZHd+90RIgiIlKLlJQSERGRq05B7il+jJsDQMzwe/HyDzjnXEtuHofHPWJvah727ixMnp51FarIFc/r5l54RHfDVlJCxuuvlzvm5OxCiy7RAOxd95MDohMRufzYbDaHv7pXU5SUEhERkavOz/PnUngqh4Zh4XTsN/Cc82ylpRx7+mmKdu/GqUEDwma9i5O3dx1GKnLlMwyD4GefBcMg56uvKNi2rdzxVtE3ArB33c96hU9E5AqjpJSIiIhcVdKTDrL12+UA3PLHR3Bydj7n3LSpU8n9/nsMV1fCZryDuUnjugpT5Kri1ro1voMGAWX/7s5ei6lpuw64eXqRn53F0V2/OipEERGpBfUmKfXyyy/TpUsXvL29CQoKYvDgwezZs+e858yePRvDMMptV3oXfhERETk3m81G/Jz/gM1Gq5ieNGnT7pxzs7/6isy58wBo9MoruHfoUFdhilyVAp94HMPVlYJNv5C7apV93MnZmRY3lL3Ct2fdz44KT0REakG9SUp9//33PProo6xbt46VK1dSUlLCrbfeSl5e3nnP8/HxISUlxb4dOnSojiIWERGRy83+Tes4vHM7zi5met475pzzig4mkvr8RAAaPPwwPv371VGEIlcvl5AQAh4YA0D6q9OwWX57Va9ltx4A7FuvV/hERK4k565Xv8wsX7683P7s2bMJCgril19+oWfPnuc8zzAMQkJCajs8ERERucxZSkv44cMPALh+4BB8GgZVOs9aUMDRxx/Hmp+Pxw03EPiXx+oyTJGrWoOxY8n8OI7ipCRyv/8e7969gYqv8IW1jXJwpCIiUhPqTaXU72VnZwMQEHDu1XIAcnNzCQ8PJywsjEGDBvHrr3oPXURE5Gq0ZflSslJT8PTz54bBwyqdY7PZSH1hMkX79uEU2JDG017FOE/PKRGpWU5eXvjfPRyAk3Pm/jbu7EyLG2IA2LNWq/CJiFwp6mVSymq18sQTT9C9e3fatTt3L4hWrVrxwQcf8Pnnn/Phhx9itVqJiYnhyJEj5zynqKiInJyccpuIiIjUb/k52az7bD4A3Uf+AbObe6Xzcr78kuwlS8BkovGr03AODKzDKEUEwH/UKHByIn/9egp377aPt+zWHYADm9aVa4QuIiL1V71MSj366KPs2LGD+fPnn3dedHQ0o0ePpmPHjtx0000sWrSIwMBA3n333XOe8/LLL+Pr62vfwsLCajp8ERERqWPrPptPUX4egc0iaHvTLZXOKTl2jNTJLwLQ8NE/49n1hroMUUROc2nUCO9b+wJw8vRiAwBhbdrjbHYlN/Mkxw+rT6yIXDnGjBnD4MGD6/Ses2fPxs/Pr07vWZl6l5R67LHHWLp0Kd999x1NmjSp1rkuLi506tSJ/fv3n3POhAkTyM7Otm+HDx++1JBFRETEgbLTU9m68msAbrrvj5hMThXm2KxWjk14DmtuLu4dOtDw4YfrOkwROUvA6NEA5CxdSumJEwA4m82EtW0PQFLCLw6LTUREak69SUrZbDYee+wxFi9ezOrVq2nevHm1r2GxWNi+fTuhoaHnnOPq6oqPj0+5TUREROqvnz/9CKullPCoToS371jpnMx588hfvx7D3Z1Gr/xLfaREHMy9Y0fcoqKwFReT+ckn9vHmHa8HIFFJKRG5QvXq1Yvx48fz7LPPEhAQQEhICLGxseXmGIbBzJkzGTBgAO7u7kRERLBw4UL78fj4eAzDICsryz6WkJCAYRgkJSURHx/PAw88QHZ2NoZhYBiG/R4zZswgMjISNzc3goODGTas8j6cNaXeJKUeffRRPvzwQz7++GO8vb1JTU0lNTWVgoIC+5zRo0czYcIE+/7kyZNZsWIFBw8eZPPmzdx3330cOnSIsWPHOuIRREREpI5lHEpk10/xANx4z/2Vzinav5/0aa8BEPx/z2Ju1qyOohORczEMw14tlRkXh7W4GIBmp5NSR3fvpLgg32HxiUj9YLPZyC/Jr/PtUvvezZkzB09PT9avX8/UqVOZPHkyK1euLDfn+eefZ+jQoWzdupV7772XkSNHsmvXripdPyYmhunTp+Pj40NKSgopKSk888wzbNq0ifHjxzN58mT27NnD8uXL6dmz5yU9y4XUm18Dzpw5EyjLGp7tf//7H2PGjAEgOTkZk+m3PFtmZiYPPfQQqamp+Pv7c/3117NmzRratGlTV2GLiIiIA/00fy7YbLSMvpHgiBYVjtssFo5NeA5bcTGePW/Eb8QIB0QpIpXx6Xcr6VODKE1P59Q3K/C9YyD+IY3wCw4lKy2F5F+306JzV0eHKSKXsYLSArp+XPf/nVg/aj0eLh4XfX5UVBSTJk0CIDIykrfffptVq1bRt29f+5zhw4fbC25efPFFVq5cyVtvvcWMGTMueH2z2Yyvry+GYRASEmIfT05OxtPTk4EDB+Lt7U14eDidOnW66OeoinpTKWWz2SrdziSkoKxEbfbs2fb9119/nUOHDlFUVERqaipfffVVrX9DRURE5PJwZNcODm7eiMnJiR4j7qt0zsl58yjcvh2TtzehL07BMIw6jlJEzsVwccFv+HAAsr/4wj7erON1ACQlbHJIXCIitS0qKqrcfmhoKOnp6eXGoqOjK+xXtVLqXPr27Ut4eDgRERH84Q9/4KOPPiI/v3arUutNpZSIiIhIVdlsNn74eDYA7Xvfin9o4wpzio8cIeONNwEI+uszuAQH1WWIIlIFvncM5Pg775C3Zg2lJ07g3KABzTt2JuGbr0hM2IzNZlMyWUTOyd3ZnfWj1jvkvpfCxcWl3L5hGFit1iqff+YNsrNfIywpKbnged7e3mzevJn4+HhWrFjBxIkTiY2NZePGjbW2Ul+9qZQSERERqaoDv2wgZe9unM2udLtrZIXjNpuN1Emx2AoK8LjhBns1hohcXszNmuHWvj1YLOQsK1tFM6xNe5ycncnJSCMz5aiDIxSRy5lhGHi4eNT5VhfJ8nXr1lXYb926NQCBgYEApKSk2I8nJCSUm282m7FYLBWu6+zsTJ8+fZg6dSrbtm0jKSmJ1atX13D0v1FSSkRERK4oVquFn+LmAHDdbXfiFdCgwpycL74g7+efMcxmQie/oEoLkcuY7x13AJD95ZcAuLi50bh1OwASt2gVPhG5Oi1YsIAPPviAvXv3MmnSJDZs2MBjjz0GQIsWLQgLCyM2NpZ9+/bx1VdfMW3atHLnN2vWjNzcXFatWsXx48fJz89n6dKlvPnmmyQkJHDo0CHmzp2L1WqlVatWtfYcSkqJiIjIFWXXj/GcOJKMm6cXXe4cWuF4aWYmaS//C4CGjz2m1fZELnM+tw0AJycKt22jOCkJgOYdTveV2qqklIhcnV544QXmz59PVFQUc+fOJS4uzr6om4uLC3FxcezevZuoqCheeeUVpkyZUu78mJgYxo0bx4gRIwgMDGTq1Kn4+fmxaNEievfuTevWrZk1axZxcXG0bdu21p5DPaVERETkilFaXMzPn34IwA2Dh+Pm6VVhTvq0aViysnBt1YoGD4yp4whFpLqcGzbEMzqavJ9+IvvLpQT+5TGad+rM9x9+wJGdOygpLsLF7OroMEVELtrZC7bFx8dXOL5kyZIKY40aNWLFihXnvGb37t3Ztm1bubGze0wBzJw5k5kzZ5Ybq+z+tUmVUiIiInLF2LpyGaeOZ+AV0ICO/QdWOJ6/ZQvZCz8DIGTSJIzfNRIVkcuT752nX+Fb+iU2m42AxmF4NWhIaUkxR3f96uDoRETkYikpJSIiIleEovx81i3+FIDoYaMqVE7YSktJnfwiAL533YXHdZ3qPEYRuTjet9yC4e5OyaFkCrdvxzAMmrZpD8CRXTscHJ2IiFwsJaVERETkivDLV0soPJWDf6MmtOvVp8LxzLj5FO3ahcnXl6BnnnZAhCJysUyennjfcgsA2V+UNTxvcjopdXinklIicnWx2WwMHjzY0WHUCCWlREREpN4rzM3ll6+WAND97nsxOTmVO16akUHGG28AEPTkEzgHBNR1iCJyiXwG3g7AqRUrsNlshJ1OSqXu30tJUaEjQxMRkYukpJSIiIjUe5uWLqa4IJ+GTZvRsmv3CsfTp72GNTcXt3bt8Bs+3AERisil8oyOxvDwoDQ9ncJfd+IbHIJXQAOsllJS9u1xdHgiInIRlJQSERGRei0/J5vNX38BQMzwURim8h9vCrZtI/v0qjUhz/8D43dVVCJSP5hcXfHqHgNA7urVGIZBk9btAL3CJyJSXykpJSIiIvXapi8XUVJYQFCza2jRJbrcMZvVSupLLwHgO3gw7h06OCJEEakhXjf3BuBU/HcA9lf4juza7rCYRETk4ikpJSIiIvVWXlYmW75ZCkDM3fdiGEa54zlffknh1m2YPDwIfOpJR4QoIjXI66aeYBgU7dxFSWoqTdqUVUql7NtDaXGxg6MTEZHqUlJKRERE6q2NXyyktKiIkBYtibiuS7lj1rw80l+dBkCDceNwCQpyRIgiUoOcGzSwVzzmxsfjH9oYD18/LCUlpOxXXykRkfpGSSkRERGpl3JPnmDriq8B6D68YpXU8ff+Q2lGBi5NmxIw5n5HhCgitcDr5psBOHW6r5T9FT71lRIRqXeUlBIREZF6af2SBZSWFNOoZWvCO1xX7ljJ0aOc/N//AAj+v2cxmc2OCFFEaoHXzb0AyF+3Hmt+Pk3UV0pE6rkxY8YwePDgOr3n7Nmz8fPzq9N7VkZJKREREal3co5nsH3VcgC6j7ivQpVU+vQ3sBUX49G1K169ezsiRBGpJa6Rkbg0aYKtuJi8NWsIO91X6tjePVhKSxwcnYiIVIeSUiIiIlLvrF/8CZbSUpq0aUdY26hyxwq27yDnyy8BCHr2rxUSViJSvxmG8dsrfN99R0DjMNx9fCktLiJ1/z4HRycicml69erF+PHjefbZZwkICCAkJITY2NhycwzDYObMmQwYMAB3d3ciIiJYuHCh/Xh8fDyGYZCVlWUfS0hIwDAMkpKSiI+P54EHHiA7OxvDMDAMw36PGTNmEBkZiZubG8HBwQwbNqxWn1dJKREREalXstPT2PHdSgC6Dy9fJWWz2UifOhUA30F34t62rUNiFJHa5X1zLwBy478Hm40mrcv+rR/Zpb5SIvIbm82GNT+/zjebzXZJcc+ZMwdPT0/Wr1/P1KlTmTx5MitXriw35/nnn2fo0KFs3bqVe++9l5EjR7Jr164qXT8mJobp06fj4+NDSkoKKSkpPPPMM2zatInx48czefJk9uzZw/Lly+nZs+clPcuFONfq1UVERERq2LpF87FaLDRt39G+HPwZud99R/7GjRiurgQ+8YRjAhSRWufRuTMmLy8sJ05QuGMHTVq3Z9/6NRzd/aujQxORy4itoIA9111f5/dttfkXDA+Piz4/KiqKSZMmARAZGcnbb7/NqlWr6Nu3r33O8OHDGTt2LAAvvvgiK1eu5K233mLGjBkXvL7ZbMbX1xfDMAgJCbGPJycn4+npycCBA/H29iY8PJxOnTpd9HNUhSqlREREpN7ISk3h1+9XAdD97nvLHbOVlJA+9d8ABIwZg0toaJ3HJyJ1wzCb8ejWFYC8NWtp1PJaAFL27cFmtToyNBGRSxYVVb41QWhoKOnp6eXGoqOjK+xXtVLqXPr27Ut4eDgRERH84Q9/4KOPPiI/P/+SrnkhqpQSERGRemPd4k+wWa0063g9jVq2Lncs89NPKU5KwikggAYPjXVQhCJSVzyjo8n9dhV569bRZOyDOJtdKczL5WTKURo0DnN0eCJyGTDc3Wm1+ReH3PdSuLi4lL+eYWCtRsLdZCqrPzr7NcKSkgsvBOHt7c3mzZuJj49nxYoVTJw4kdjYWDZu3FhrK/WpUkpERETqhay0VHb+sBqA6KH3lDtmOXWK42+/A0DgXx7DycurzuMTkbrlebpKoGDzZozSUoIjWgCQsne3I8MSkcuIYRiYPDzqfKuLRVbWrVtXYb9167Jf2AUGBgKQkpJiP56QkFBuvtlsxmKxVLius7Mzffr0YerUqWzbto2kpCRWr15dw9H/RkkpERERqRfWL/4Um9VKeFQn+6s6Z5x47z9YMjMxR0TgV8urxIjI5cHcvDnOwcHYiosp2LzZ/t+FY/uUlBKRK9+CBQv44IMP2Lt3L5MmTWLDhg089thjALRo0YKwsDBiY2PZt28fX331FdOmTSt3frNmzcjNzWXVqlUcP36c/Px8li5dyptvvklCQgKHDh1i7ty5WK1WWrVqVWvPoaSUiIiIXPay09PY+UNZL6noYaPKHSs5doyTc+YAEPTMMxi/K3kXkSuTYRh4dusGQN7adYSeSUrtubSeKiIi9cELL7zA/PnziYqKYu7cucTFxdGmTRug7PW/uLg4du/eTVRUFK+88gpTpkwpd35MTAzjxo1jxIgRBAYGMnXqVPz8/Fi0aBG9e/emdevWzJo1i7i4ONrW4mrG6iklIiIil731Sz61r7jXuFX5XlLp06djKy7G44Yb8Lq5l0PiExHH8IyJJvvzz8lbu5ZGDz4AwImjhynKz8PVw9PB0YmIVM3s2bPtX8fHx1c4vmTJkgpjjRo1YsWKFee8Zvfu3dm2bVu5sbN7TAHMnDmTmTNnlhur7P61SZVSIiIiclnLyUjn1/gzVVLle0kV7PiVnC++BCDo2WfrpIeDiFw+PLqV9ZUq/PVX3AwTvkHBYLORsm+PgyMTEZGqUFJKRERELmsbPl+A1VJK03ZRNLn2t/Jxm81G+r//DYDPnXfg3q72SstF5PLkEhyE+ZprwGYjb/16QiNPv8KnZuciIvWCklIiIiJy2co5nsH21SsB6Pa7Fffy1qwhf/16DBcXgh5/3BHhichl4Exfqfx16+zNzlPU7FxErmA2m43Bgwc7OowaoaSUiIiIXLY2fL4Qq6WUJm3aEdamvX3cZrOR8drrAPiPugeXxo0dFaKIOJhnTNkrfHlr1tKoZVnPuZR9e7BZrY4MS0REqkBJKREREbksnTpxnB2rvwEgemj5FfdOfbOCwl9/xeThQYOHH3ZEeCJymfDo0gVMJoqTkvB1dcPZ7EpRfh4njx1xdGgiInIB9SYp9fLLL9OlSxe8vb0JCgpi8ODB7Nlz4QaGCxYs4Nprr8XNzY327duzbNmyOohWRERELtWGzxdiKS2l8bVtCWt7VpVUaSkZb7wBQMADD+AcEOCoEEXkMuDk44Nb+3YAFG7YRMg1kYD6SomI1Af1Jin1/fff8+ijj7Ju3TpWrlxJSUkJt956K3l5eec8Z82aNdxzzz08+OCDbNmyhcGDBzN48GB27NhRh5GLiIhIdeWePMH2M1VSw+4pt6pe9pIlFCcm4uTnR8ADYxwUoYhcTjxPr8KXv24toS3V7FxEpL6oN0mp5cuXM2bMGNq2bUuHDh2YPXs2ycnJ/PLLL+c854033qB///789a9/pXXr1rz44otcd911vP3223UYuYiIiFTXhi8WYikpoVGrNjRt18E+bi0qIuPtdwBoMO5hnLy8HBWiiFxGPLp0ASB/0y80ilSzcxGR+qLeJKV+Lzs7G4CA85Tsr127lj59+pQb69evH2vXrj3nOUVFReTk5JTbREREpO7kZp5k+7eVV0llfhxHaWoqzqGh+N9zz7kuISJXGfeOHcFkouToUQL9yn4+OHEkmaL8c79VISIijlcvk1JWq5UnnniC7t27065du3POS01NJTg4uNxYcHAwqamp5zzn5ZdfxtfX176FhYXVWNwiIiJyYZu+/IzSkmJCW15LePuO9nFLbi4n3n0XgMDHHsXk6uqgCEXkcuPk5Ylb67KV99izD5/AIADSDu53YFQiInIh9TIp9eijj7Jjxw7mz59f49eeMGEC2dnZ9u3w4cM1fg8RERGpXF5WJltXLgcgemj5KqmTH/wPS1YW5ogIfAcNclSIInKZ8uh8PQD5v2wiJKKs2XnqgX2ODElEpErGjBnD4MGD6/Ses2fPxs/Pr07vWZl6l5R67LHHWLp0Kd999x1NmjQ579yQkBDS0tLKjaWlpRESEnLOc1xdXfHx8Sm3iYiISN3Y+OUiSouLCGnRkmYdrrOPl544wYnZswEIfPxxDGdnB0UoIpcr9+vKklIFv2wm+JozSam9jgxJREQuoN4kpWw2G4899hiLFy9m9erVNG/e/ILnREdHs2rVqnJjK1euJDo6urbCFBERkYuUn53F1hXLgIq9pI6/+y62/Hzc2rXD+9a+jgpRRC5jHteXJbKL9u0jKKQRoEopEal/evXqxfjx43n22WcJCAggJCSE2NjYcnMMw2DmzJkMGDAAd3d3IiIiWLhwof14fHw8hmGQlZVlH0tISMAwDJKSkoiPj+eBBx4gOzsbwzAwDMN+jxkzZhAZGYmbmxvBwcEMGzasVp+33iSlHn30UT788EM+/vhjvL29SU1NJTU1lYKCAvuc0aNHM2HCBPv+448/zvLly5k2bRq7d+8mNjaWTZs28dhjjzniEUREROQ8zlRJBUdE0rxjZ/t4ydGjZMWVvbIf9NST5ZJVIiJnODdsiLlZM7DZ8M7KAcPg1PEM8rIyHR2aiDiIzWajpMhS55vNZrukuOfMmYOnpyfr169n6tSpTJ48mZUrV5ab8/zzzzN06FC2bt3Kvffey8iRI9m1a1eVrh8TE8P06dPx8fEhJSWFlJQUnnnmGTZt2sT48eOZPHkye/bsYfny5fTs2fOSnuVC6k3t+8yZM4GyrOHZ/ve//zFmzBgAkpOTMZl+y7PFxMTw8ccf849//IPnnnuOyMhIlixZct7m6CIiIlL38nOySVjxFVCxSirj7XewlZTg0a0bnjExjgpRROoB987XU5yUhGX7DgJCG3Py2BFSD+zjmutvcHRoIuIApcVW3nv8+zq/75/euAkXV6eLPj8qKopJkyYBEBkZydtvv82qVavo2/e3avHhw4czduxYAF588UVWrlzJW2+9xYwZMy54fbPZjK+vL4ZhlGtvlJycjKenJwMHDsTb25vw8HA6dep00c9RFZeUlCosLMTNza2mYjmvqmQa4+PjK4wNHz6c4cOH10JEIiIiUlN+WbqY0qIigiNaEHFdF/t40f79ZH/+OQBBTz7hoOhEpL7wuL4z2Qs/I3/TL4Tc2EVJKRGpl6Kiosrth4aGkp6eXm7s922JoqOjSUhIuKT79u3bl/DwcCIiIujfvz/9+/dnyJAheHh4XNJ1z6faSSmr1cpLL73ErFmzSEtLY+/evURERPD888/TrFkzHnzwwdqIU0RERK5QBady2PJNWZVUt9+tuJfxxhtgteLdtw/uHTo4KkQRqSfOrMBX8OuvBN97NzuBNDU7F7lqOZtN/OmNmxxy30vh4uJSbt8wDKxWa5XPP/MG2dnFPSUlJRc8z9vbm82bNxMfH8+KFSuYOHEisbGxbNy4sdZW6qv2d2rKlCnMnj2bqVOnYjab7ePt2rXj/fffr9HgRERE5Mr3y1dLKCksILBZRLlqhoJt2zi18lswmQh8/HEHRigi9YVLkyY4BwVBSQl+lrIfxlIP7Lvk/i4iUj8ZhoGLq1Odb3XR/3LdunUV9lu3bg1AYGAgACkpKfbjv6+iMpvNWCyWCtd1dnamT58+TJ06lW3btpGUlMTq1atrOPrfVDspNXfuXN577z3uvfdenJx+e0eyQ4cO7N69u0aDExERkStbQe4ptiz/EoDooSPLfYhLf+11AHwHDcK1RQuHxCci9YthGLifXoXP48hRTE5OFJzKIScj/QJniojULwsWLOCDDz5g7969TJo0iQ0bNtgXdWvRogVhYWHExsayb98+vvrqK6ZNm1bu/GbNmpGbm8uqVas4fvw4+fn5LF26lDfffJOEhAQOHTrE3LlzsVqttGrVqtaeo9pJqaNHj9Kikg+GVqu1SuVgIiIiImds/moJxQUFBDZtRovO3ezjeWvWkL9uHYaLC4GPPerACEWkvvG4vmz1zuLNCTRs2gwoq5YSEbmSvPDCC8yfP5+oqCjmzp1LXFwcbdq0Acpe/4uLi2P37t1ERUXxyiuvMGXKlHLnx8TEMG7cOEaMGEFgYCBTp07Fz8+PRYsW0bt3b1q3bs2sWbOIi4ujbdu2tfYc1e4p1aZNG3788UfCw8PLjS9cuLDWu7KLiIjIlaMwN5fNX5dVSXUbdg/GWf0PzlRJ+d0zEpfGjR0Wo4jUP/a+UgkJhDw8hvTEA6Qe2Eur6B4OjkxEpHKzZ8+2f13ZAm5LliypMNaoUSNWrFhxzmt2796dbdu2lRv7/avMM2fOZObMmeXGKrt/bap2UmrixIncf//9HD16FKvVyqJFi9izZw9z585l6dKltRGjiIiIXIF+WfY5xQX5NAwLJ7LLbyvInFqxksIdOzA8PGj48MMOjFBE6iPXyEhMXl5Yc3Np4OUDQJoqpURELkvVfn1v0KBBfPnll3z77bd4enoyceJEdu3axZdffknfvn1rI0YRERG5whTm5bLl6y+A0yvunamSKi0lY/p0ABqMGYNzgwaOClFE6inDyQn3qPYA+J7KAyAtcT+2aqxcJSIidaPalVIAN954IytXrqzpWEREROQqseXrLynKz6NBk6a07BpjH8/+/HOKExNx8vMj4I8PODBCEanP3Dt2JG/NWlwPHsLZ7EpxQQEnjx2lQZMwR4cmInLJrqQVRatdKSUiIiJyKYry8/hl2RIAug0daa+SshYVkfHW2wA0ePhhnLy8HBWiiNRz7h07AlC0dStBza8BIPXAXgdGJCIilal2UspkMuHk5HTOTUREROR8tnz9JUV5eQQ0akLLbt3t45lxcZSmpuIcEoL/qHscGKGI1HfuUVEAFB86RFDjsuqotIP7HRmSiIhUotqv7y1evLjcfklJCVu2bGHOnDm88MILNRaYiIiIXHmK8vP55aslQFmVlMlU9gstS24uJ2a9C0DDR/+MydXVUSGKyBXAyc8Pc/PmFCcm4m+U/XdGSSkRkctPtZNSgwYNqjA2bNgw2rZtyyeffMKDDz5YI4GJiIjIlSfhm6UU5uXi36gJrWJutI+f/N9sLFlZmJs1w2/IEAdGKCJXCveOHSlOTMT7eCYA6YcOYrVa7MlwERFxvBrrKdWtWzdWrVpVU5cTERGRK0xxQT6blpZVXHe7a4T9B8PSkyc5+b//ARD4xOMYzhe1DouISDln+kq57NmHi6sbpUVFZB476tigRESknBpJShUUFPDmm2/SuHHjmriciIiIXIESViyjMPcU/qGNuDamp338xLvvYs3Px61tW7xvvdWBEYrIlcTe7Hz7dgLDmwN6hU9E5HJT7V9F+vv7YxiGfd9ms3Hq1Ck8PDz48MMPazQ4ERERuTIUFxaw6ctFAHQdMgLT6cVRSo4dI/PjOAACn3zSvhKfiMilcm1xDSZPT6x5eTQMaMgxypJSbXr2dnRoIiJyWrWTUq+//nq5pJTJZCIwMJCuXbvi7+9fo8GJiIjIlWHrimUUnMrBLySU1j162ccz3n4HW0kJHl274tk9xnEBisgVx3Bywi2qPflr1+FbYgEgLVGVUiJy+RkzZgxZWVksWbKkzu45e/ZsnnjiCbKysursnpWpdlJqzJgxtRCGiIiIXKlKCgvZWEmVVNGBA2Sf/vAV9OQT5X7pJSJSE9w7diR/7Tq8UzMASE9Us3MRkctJlWrkt23bVuVNRERE5GxbVy6jICcb36Dg8lVS098AqxWvPrfYe7+IiNQk9w4dAHDZtQdnV1dKigrJPHbMwVGJiJxbr169GD9+PM8++ywBAQGEhIQQGxtbbo5hGMycOZMBAwbg7u5OREQECxcutB+Pj4/HMIxyVVAJCQkYhkFSUhLx8fE88MADZGdnYxgGhmHY7zFjxgwiIyNxc3MjODiYYcOG1erzVqlSqmPHjhiGgc1mO+88wzCwWCw1EpiIiIjUfyVF5auknE6vrFewfTunVq4EwyDo8ccdGaKIXMHOJKVKEhMJ7NSflAP7SE/cT4MmYQ6OTETqgs1mo7SoqM7v6+zqekkV4HPmzOGpp55i/fr1rF27ljFjxtC9e3f69u1rn/P888/zr3/9izfeeIN58+YxcuRItm/fTuvWrS94/ZiYGKZPn87EiRPZs2cPAF5eXmzatInx48czb948YmJiOHnyJD/++ONFP0dVVCkplZiYWKtBiIiIyJVp27fLyc/OwicwuFxz4fTXXgPAd9AgXCMjHRWeiFzhnP39MTdrRnFSEg08vEmhrK9U6xtvdnRoIlIHSouKePP+2q30qcz4OQtxcXO76POjoqKYNGkSAJGRkbz99tusWrWqXFJq+PDhjB07FoAXX3yRlStX8tZbbzFjxowLXt9sNuPr64thGISEhNjHk5OT8fT0ZODAgXh7exMeHk6nTp0u+jmqokpJqfDw8FoNQkRERK48JcVFbPziMwC6Dhlur5LKW7OG/LXrwMWFho895sgQReQq4N6xI8VJSfgUlFVLpB084OCIRETOLyoqqtx+aGgo6enp5caio6Mr7CckJFzSffv27Ut4eDgRERH079+f/v37M2TIEDw8PC7puudT7UbnZ+zcuZPk5GSKi4vLjd95552XHJSIiIjUf9tXfUNeVibeDQNpe9MtQFkZffrr0wHwHzECc5PGDoxQRK4GblHtyV6yBK9jaQCkJx3AZrVimKrUXldE6jFnV1fGz1l44Ym1cN9L4eLiUm7fMAysVmuVzzed/u/b2S2YSkpKLniet7c3mzdvJj4+nhUrVjBx4kRiY2PZuHEjfn5+Vb5/dVQ7KXXw4EGGDBnC9u3by/WZOvO+pHpKiYiISGlxMRs/L/sQ2HXw3Tg5l324OrVyJYXbt2N4eNBw3MOODFFErhLuUWV9pZx37sa5ZSOKCwrITD1GQKMmDo5MRGqbYRiX9Brd5WzdunWMHj263P6ZV+0CAwMBSElJwd/fH6BCFZXZbK40f+Ps7EyfPn3o06cPkyZNws/Pj9WrV3PXXXfVynNU+9cDjz/+OM2bNyc9PR0PDw9+/fVXfvjhBzp37kx8fHwthCgiIiL1zfbV35CbeRLvBoG0u7kPALbS0rIV94CA+0fj3LChI0MUkauEW8tIDLMZsrNpGFJWnZl2cL+DoxIRuTQLFizggw8+YO/evUyaNIkNGzbw2Om2CC1atCAsLIzY2Fj27dvHV199xbRp08qd36xZM3Jzc1m1ahXHjx8nPz+fpUuX8uabb5KQkMChQ4eYO3cuVquVVq1a1dpzVDsptXbtWiZPnkzDhg0xmUyYTCZ69OjByy+/zPjx42sjRhEREalHSktK2HC6SuqGwcPtVVLZn39B8cGDOPn60uCPf3RkiCJyFTHMZtxOr0YV4FbWF0VJKRGp71544QXmz59PVFQUc+fOJS4ujjZt2gBlr//FxcWxe/duoqKieOWVV5gyZUq582NiYhg3bhwjRowgMDCQqVOn4ufnx6JFi+jduzetW7dm1qxZxMXF0bZt21p7jmq/vmexWPD29gagYcOGHDt2jFatWhEeHm5fSlBERESuXjtWryD35Am8AhrQ7uayVWKsRUVkvP02AA3+9CecTn+WEBGpC24doijYuhWf/EIA0hPV7FxELh+zZ8+2f13ZG2hLliypMNaoUSNWrFhxzmt2796dbdu2lRs7u8cUwMyZM5k5c2a5sbp+A67aSal27dqxdetWmjdvTteuXZk6dSpms5n33nuPiIiI2ohRRERE6olyVVKDhuF8ulFn1vz5lKak4BwcjP+9oxwZoohchdzbR5EJeB05BkBaopqdi4hcDqr9X+F//OMf9q7vkydPJjExkRtvvJFly5bx5ptv1niAIiIiUn/8Gv8tp05k4OkfQPve/QCw5OZxfNa7ADR89M+YrtCGoyJy+XKPag+Ay669OLm4UFyQT1ZaioOjEhGRKldKde7cmbFjxzJq1Ch8fHyAsuZZu3fv5uTJk/j7+9tX4BMREZGrj6W0hPVLPgVOV0mZzQCcnD0bS2Ym5mbN8KullVtERM7HpWlTnHx9sWRn0yAwhPRjh0k7uB//0MaODk1EpNp+/xpefVblSqkOHTrw7LPPEhoayujRo8u9ZxgQEKCElIiIyFXu1+9Xc+p4Bp5+/rS/paxKqvTkSU7+738ABD4+HsO52p0DREQumWEYuEVFARBgLqvWTFNfKRERh6tyUuq///0vqampvPPOOyQnJ3PLLbfQokUL/vnPf3L06NHajNHuhx9+4I477qBRo0YYhlFps6+zxcfHYxhGhS01NbVO4hUREblaWEpL2XC6SqrLnUNxMbsCcOLd97Dm5eHWpg3e/fo5MkQRucq5ty97hc/nVB6gFfhERC4H1eop5eHhwZgxY4iPj2fv3r2MHDmSd999l2bNmnH77bezaNGi2ooTgLy8PDp06MA777xTrfP27NlDSkqKfQsKCqqlCEVERK5Ou378juz0NDx8/Yjq0x+AkmPHyIyLAyDwySfVUFhEHMrtdF8pj+SyX6inJx64ol6BERGpjy66hv6aa65hypQpvPjii3z22Wc8/PDDLF++HIvFUpPxlTNgwAAGDBhQ7fOCgoLw8/Or+YBEREQEq8XC+sVlVVKd77gLF9eyV2My3nkHW3ExHl264NmjuyNDFBHB/fTre277D+J0/bUU5eeRnZaKX0iogyMTEbl6XdKvLOPj4xkzZgxjxozBYrHw0EMP1VRcNapjx46EhobSt29ffv755/POLSoqIicnp9wmIiIi57brp3iy0lJw9/ahY9/bACg6eJDsxUsACHzqSfWeFBGHcw4IwKVJE0xAQIOGAKQl6hU+ERFHqnZS6siRI0yZMoUWLVrQu3dvkpKSmDFjBikpKcyaNas2YrxooaGhzJo1i88++4zPPvuMsLAwevXqxebNm895zssvv4yvr699CwsLq8OIRURE6her1cL6xZ8Ap6uk3E5XSU1/A6xWvHr3xqNTJ0eGKCJi5376FT5/p7LVQdVXSkTEsaqclPr000/p378/zZs3Z+bMmdx9993s3buX77//ntGjR+Pu7l6bcV6UVq1a8fDDD3P99dcTExPDBx98QExMDK+//vo5z5kwYQLZ2dn27fDhw3UYsYiISP2y5+cfyEw5hpuXNx1vLauSKti+nVMrVoBhEPjE4w6OUETkN2dW4PPOyQWUlBKRy8OYMWMYPHhwnd5z9uzZl0Wboyr3lLrvvvu4/fbbWbx4Mbfddhumetqs9IYbbuCnn34653FXV1dcXV3rMCIREZH6yWq1sG7R6SqpgUMwu3sAkHH6lz++d96BW8uWDotPROT3zvSV8khMgkBve7NzvWIsIuIYVc4sHTlyhMWLFzNw4MB6m5ACSEhIIDRUzQxFREQu1d61P3Hy2BHcPL3o2G8gAHlr15K3Zi24uNDwL39xcIQiIuW5tW4NTk54pqRjcnKmMC+X7PQ0R4clImLXq1cvxo8fz7PPPktAQAAhISHExsaWm2MYBjNnzmTAgAG4u7sTERHBwoUL7cfj4+MxDIOsrCz7WEJCAoZhkJSURHx8PA888ADZ2dkYhoFhGPZ7zJgxg8jISNzc3AgODmbYsGG1+rxVrpQKCgqqzTiqJDc3l/37fyuxTUxMJCEhgYCAAJo2bcqECRM4evQoc+fOBWD69Ok0b96ctm3bUlhYyPvvv8/q1atZsWKFox5BRETkimCzWu1VUtfdPghXDw9sNhvpr08HwP/uuzE3aeLACOsfq9XKqVOnyM/PJz8/n4KCgnJfFxYWUlpaat9KSkrsX1utVmw2W7W3+qy+x3/G7yt0zt6viWPVvYaTkxPOzs4VNhcXF9zc3HB3d8fd3R1PT097D1Zvb2+cnJyq+sgOZXJ3x7VVS4p27iLAL4DjJ9JJT9yPX3CIo0MTEbGbM2cOTz31FOvXr2ft2rWMGTOG7t2707dvX/uc559/nn/961+88cYbzJs3j5EjR7J9+3Zat259wevHxMQwffp0Jk6cyJ49ewDw8vJi06ZNjB8/nnnz5hETE8PJkyf58ccfa+05oRpJqcvBpk2buPnmm+37Tz31FAD3338/s2fPJiUlheTkZPvx4uJinn76aY4ePYqHhwdRUVF8++235a4hIiIi1bd3/RpOHEnG1cOTTv3vAODUt99SuG0bhocHDR8Z5+AIL1/FxcWkp6eTmppKWloaJ06cIDMzk+zsbKxWq6PDE6k2k8lEw4YNCQ4OJiQkhCZNmtCkSZPLNlHl3j6Kop278DOcOE5ZX6mW3Xo4OiwRqQU2mw1bSd3/f6vhYrqk14KjoqKYNGkSAJGRkbz99tusWrWqXFJq+PDhjB07FoAXX3yRlStX8tZbbzFjxowLXt9sNuPr64thGISE/JaUT05OxtPTk4EDB+Lt7U14eDidannBmnqVlOrVq9d5fys2e/bscvvPPvsszz77bC1HJSIicnUpq5KaD8B1t92Jm6cXNoulbMU9IGD0H3Bu2NCRIV5WCgsLSUpK4tChQxw6dIiUlJRzfp4xmUx4eHjg7u6Oh4eHfTtTnVJZBYuzszNOTk728vuqblCxUqa+qe/x//5/B2fv18Sxi7mGxWKptBqvpKSEwsJCCgoKKCgoIDc3174wkNVqJT09nfT0dLZv3w6U9Wlt3rw5kZGRtG3bFrfTK3NeDtyj2pP1ySf4ZGYDkJZ4wMERiUhtsZVYOTZxTZ3ft9HkGAzzxSfmo073vzsjNDSU9PT0cmPR0dEV9hMSEi76ngB9+/YlPDyciIgI+vfvT//+/RkyZAgeHh6XdN3zqVdJKREREXG8/RvXcTw5CbO7B9cNGARA9udfUHzgAE6+vjR48EEHR+h4ubm57N69m927d3Pw4MEKFVCenp6EhIQQHBxMYGAg/v7++Pv74+3tXa97d8rV58xrp2lpaaSmppKamkpiYiIFBQX2fwPLly+nffv2dO7cmUaNGjk65LOanR+CpoGkHdyvZucicllxcXEpt28YRrWqqc98ljj7FxAlJSUXPM/b25vNmzcTHx/PihUrmDhxIrGxsWzcuLHWVuq7qKRUVlYWCxcu5MCBA/z1r38lICCAzZs3ExwcTOPGjWs6RhEREblM2Gw21n4WB8B1A+7AzcsLa3ExGW+/BUCDPz2Ek7e3I0N0GKvVyoEDB/jll1/Ys2dPuQ+CAQEBNG/enPDwcMLDw/H19XVgpCI1x2Qy2XtLtTy92qbVaiUlJYX9+/ezY8cOMjIy2Lx5M5s3byYiIoJ+/foRHBzssJjNERGYPDzwzMrB1DyEwtxT5GSk4xvkuJhEpHYYLiYaTY5xyH1r27p16xg9enS5/TOv2gUGBgKQkpKCv78/QIUqKrPZjMViqXBdZ2dn+vTpQ58+fZg0aRJ+fn6sXr2au+66q1aeo9pJqW3bttGnTx98fX1JSkrioYceIiAggEWLFpGcnGxvMi4iIiJXngOb1pNxKBEXN3euu62sSipr/nxKj6XgHBSE/733OjjCuldcXMwvv/zCunXryM7Oto+HhobSunVrWrdubf9wKHI1MJlMNG7cmMaNG9OzZ08OHTrEpk2b2LlzJwcPHmTWrFl07tyZm2++uVZfCTkXw8kJt3btsG7YgL+3LyeyTpKWuF9JKZErkGEYl/Qa3eVswYIFdO7cmR49evDRRx+xYcMG/vvf/wLQokULwsLCiI2N5aWXXmLv3r1Mmzat3PnNmjUjNzeXVatW0aFDBzw8PFi9ejUHDx6kZ8+e+Pv7s2zZMqxWK61ataq156h2Uuqpp55izJgxTJ06Fe+zfhN62223MWrUqBoNTkRERC4fZ1dJdeo/EHdvHyy5eRyf9S4ADR99FNNl1DemthUVFbFhwwbWrl1Lfn4+AG5ubnTo0IHrr7/+sli5WMTRDMOgWbNmNGvWjJMnT7JixQp2797Nxo0b+fXXXxk6dCjXXHNNncflHtWe/A0b8LOZOMHpZuddu9d5HCIiF+uFF15g/vz5/PnPfyY0NJS4uDjatGkDlL3+FxcXxyOPPEJUVBRdunRhypQpDB8+3H5+TEwM48aNY8SIEZw4cYJJkybRp08fFi1aRGxsLIWFhURGRhIXF0fbtm1r7TmqnZTauHEj7777boXxxo0bk5qaWiNBiYiIyOXn4OaNpCcewMXVjetvHwzAyTmzsZw8iUt4U/zuGuLYAOuI1Wpl8+bNrF692p6M8vf3p0ePHkRFRVXoAyEiZQICAhg5ciSJiYl8/fXXpKen8+GHH9K7d2+6d+9ep/3U3E73lfI+fhJcIF3NzkXEgc5etC0+Pr7C8SVLllQYa9SoEStWrDjnNbt37862bdvKjf1+kYuZM2cyc+bMcmOV3b82VTsp5erqSk5OToXxvXv3qjRdRETkCmWz2Vh3ukqqY7/b8fDxpTQzk5Mf/A+AoMcfx7gKkjGJiYksX76ctLQ0ABo0aMCNN95I+/btcXK6Ml8PEKlpzZs356GHHmLZsmVs2bKFVatWceTIEYYMGVJnq/TZm50nH4FrGqnZuYiIg1T71xF33nknkydPtnduNwyD5ORk/u///o+hQ4fWeIAiIiLieEkJv5B6YB/Orq50HlhWEXXi3few5uXh2ro13v37OzjC2lVQUMDixYuZM2cOaWlpuLm5MWDAAP785z/TsWNHJaREqsnFxYVBgwZxxx134OTkxJ49e/jwww8pKiqqk/s7BwfjHBiId14hJpOJglM5nDqRUSf3FhGR31Q7KTVt2jRyc3MJCgqioKCAm266iRYtWuDt7c1LL71UGzGKiIiIA9lsNtYuLKuS6tD3Njx8/ShJSSHz448BCHrqSYw6fO2mru3du5cZM2awdetWALp06cJf/vIXunbtqmSUyCW6/vrreeCBB3Bzc+PIkSN89NFHFBcX1/p9DcPArUMUTjYbfp5lfXLTDu6v9fuKiNQEm83G4MGDHR1Gjaj263u+vr6sXLmSn376iW3btpGbm8t1111Hnz59aiM+ERERcbBD27aQsn8Pzi5mutxRthxwxjvvYCsuxqNzZzx79HBwhLWjuLiYr7/+mi1btgBlr+oNHjyYsLAwB0cmcmVp0qQJf/jDH5g7dy7JycnExcUxatSoWu/P5t4+itxvV+FrsXESSDt4gMgb6n7peBGRq1m1k1Jn9OjRgx5X6IdQERERKXN2lVRU3wF4+vlTdPAg2YsWAxD41FNXZA+W9PR0FixYQEZGBoZhEB0dzc0336wm5iK1pHHjxtx3333MmzePxMREPv30U+65555abX7uHtUeAO/0E+DlQlqiKqVEROpatZNSb775ZqXjhmHg5uZGixYt6Nmzp8rZRURErgDJO7ZybO8unFxcfquSeuNNsFrxuvlmPK7r5OAIa96WLVv46quvKC0txcvLi2HDhtGsWTNHhyVyxQsLC+Pee+9l3rx57Nu3j++//56bb7651u7n1q4dGAZeKWkQ2UTNzkVEHKDaSanXX3+djIwM8vPz8ff3ByAzMxMPDw+8vLxIT08nIiKC7777TuXtIiIi9dy6z+YDEHVLf7wCGlCwfQenvvkGDIPAJ55wbHA1zGKxsHz5cjZu3AjANddcw5AhQ/Dy8nJwZCJXj/DwcO644w4WL17M999/T5MmTYiMjKyVezl5e2OOiMD74EEMw6AgJ5vckyfwbtCwVu4nIiIVVbse9p///CddunRh3759nDhxghMnTrB37166du3KG2+8QXJyMiEhITz55JO1Ea+IiIjUkcO/buPIrh04OTvT5c6yFXYzXn8dAJ87BuLWqqUjw6tR+fn5zJs3z56Quvnmm7n33nuVkBJxgA4dOtC5c2cAFi1aRFZWVq3dy719+7Jm5+6egJqdi4jUtWonpf7xj3/w+uuvc80119jHWrRowauvvsqECRNo0qQJU6dO5eeff67RQEVERKRurT1dJdWudz+8GzQkb9068tasARcXAv/yFwdHV3PS09P5z3/+Q1JSEmazmZEjR3LTTTfVai8bETm/fv36ERoaSkFBAQsWLKC0tLRW7uPeIQoA32ILgPpKiYjUsWp/2kpJSan0/xRKS0tJTU0FoFGjRpw6derSoxMRERGHOLJrB4d/3YbJyZkbBg3FZrOR/lpZlZT/8OGYr5BX9A8dOsQHH3xAZmYmfn5+PPjgg1x77bWODkvkqufi4sLdd9+Nm5sbR48e5ccff6yV+7i1L0tKeaWmA6qUEhGpa9VOSt188808/PDD9uWRoawh6COPPELv3r0B2L59O82bN6+5KEVERKRO2aukevXBp2EQuatWUbhtG4a7Ow0fGefg6GrGr7/+yty5cyksLCQsLIyHHnqI4OBgR4clIqf5+/tzxx13APDjjz+SkZFR4/dwaxmJYTbjnZkNYG92LiJSl8aMGcPgwYPr9J6zZ8/Gz8+vTu9ZmWo3Ov/vf//LH/7wB66//nr7ssilpaXccsst/Pe//wXAy8uLadOm1WykIiIiUieO7tlF8vYETE5O3DB4ODaLhfTp0wEIGD0a58BAxwZYA9atW8fy5csBuPbaaxk6dKj9c019YLPZKLHZKLbaKLLasNhsWAGrzYYN7F8DWG1gxYbVxuljNmynv77SfvS+kpMJZ1aEM05vv42f/hPDPm6cHv9t/6xjxu/O/921XQwDs8nA1WTC1WTg5OCV6Nq0aUNkZCT79u1j6dKljBkzpkZXxzPMZtzatMFn61YMwyA/O4vczBN4B6jZuYhIXah2UiokJISVK1eye/du9u7dC0CrVq1o1aqVfU5tLt0qIiIitWvdZ3EAtOl5C75BwWQtXkLx/gOYfH1p8OAfHRzdpbHZbMTHx/P9998D0KVLFwYMGOCw/lElVhvHioo5WljCsaJiUotKyCq1kF1qIavEQk6phazSUrJLLeSWWimyWim2lSWiROqCkwFmw4SbycDL2QlfZye8nU0EuDgTYnYhxLVsu8bdlRaebvg4O9Xo/Q3D4LbbbmPGjBkcOnSILVu2cN1119XoPdyi2lOQkICvqztZhfmkHTygpJSIOEyvXr2IiorCzc2N999/H7PZzLhx44iNjbXPMQyDGTNm8MUXXxAfH09oaChTp05l2LBhAMTHx3PzzTfb2xMAJCQk0KlTJxITE0lKSuKBBx6wXwtg0qRJxMbGMmPGDF5//XUOHz6Mr68vN954IwsXLqy15612UuqMa6+9Vj0XRERErjAp+/aQtHUzhslE1yF3Yy0u5vhbbwHQ8KGxOPn4ODjCi2ez2fjmm29Yt24dAL179+bGG2+s0aqL8907paiELafy2ZqTz778IvblF5JUUERpDeSXDMqSBwYGJuNMf4bfvjYMMJ3eP1M1YxgX0cdBHMJ21p9nisHKKt1++x9P+fHfjp2pijv72G/zbRWuXWKzlaugs9igwGalwAqZpRYOXyDWYLMz7b096ObrSbSfF1HeHriYLu3fmL+/P7169WLlypWsWLGCli1b1ujKmO7to8gEfAqLyQLSE/fTonPXGru+iEh1zZkzh6eeeor169ezdu1axowZQ/fu3enbt699zvPPP8+//vUv3njjDebNm8fIkSPZvn07rVu3vuD1Y2JimD59OhMnTmTPnj1A2RtvmzZtYvz48cybN4+YmBhOnjxZaz39zriopNSRI0f44osvSE5Opri4uNyx1157rUYCExERkbq39kyV1I298QsO4eTceZQcO4ZzYCD+997r4OguntVq5csvv7T3xBwwYABdu9buD53HCouJzzzF9ydPsS4rl7TiylcPczMZhLq60MjVTKirC/4uTvg6O+PnUlaV4muvTnHC1WRgNpVVrZiNsq/Nl8ErVnLlsNlslNqg2Gql0Gqj2Gal2Gqj0Goj93QVX06phRMlpaQVlZBaXMLRwhL25xeSVlxatp3I4dsTOQB4OpkY0NCXu4L96envjfNFJqi6devGtm3bSEtLY+XKlQwZMqTGntk9qj0A3inpEBqgZuciVxCbzUZJSUmd39fFxeWSfukVFRXFpEmTAIiMjOTtt99m1apV5ZJSw4cPZ+zYsQC8+OKLrFy5krfeeosZM2Zc8PpmsxlfX18MwyAkJMQ+npycjKenJwMHDsTb25vw8HA6dep00c9RFdVOSq1atYo777yTiIgIdu/eTbt27UhKSsJms9V4Ka2IiIjUndT9e0ncsgnDMNH1rrux5OZxfNYsABo++igmd3cHR3hxrFYrixcvZvv27RiGwaBBg+jYsWOt3Csxv4gl6Zl8kZ7FrrzCcsecDLjW042O3h609nKnpYcbLTxcCXW9tA+uIjXJMAxcDHAxOeFZzXNzSi3syytkU04e67LyWJ+dy8kSCwvTMlmYlkkDF2f+0KgBfwoLJMClej+GODk5cccdd/D++++zdetWYmJiamxhApemTXHy9cUnNx8IIPXAPmw2m/5dilwBSkpK+Oc//1nn933uuecwm80XfX5UVFS5/dDQUNLT08uNRUdHV9hPSEi46HsC9O3bl/DwcCIiIujfvz/9+/dnyJAheHh4XNJ1z6faSakJEybwzDPP8MILL+Dt7c1nn31GUFAQ9957L/3796+NGEVERKQOrF1UtuJe6x434R/SiIwZM7CcPIlLeFP8ht7l4OguztkJKZPJxLBhw2jTpk2N3iOvtOyH7o9TTrD1VIF93AA6+Xhwk783N/p708HHHU+ni+y3Y7VAcS6UFoOlCEqLwFJctpUWg7UUbNayDdvpr8/6s8LYmXlXem+qK/35zjBOdzw/15+/n3Oec0wu4GwGJ1dwdgUn829/unqD07kXBPBxduJ6X0+u9/Xk4bCyZvubc/JZlJbJ5+lZnCgpZfqhNP5zJIOxTQJ5uJrJqSZNmtCmTRt27tzJqlWrGDVq1EV+v8ozDAO3qCh8fvrJ3uz81PEMfAKDauT6IiLV9fvFVwzDwGq1Vvn8M70yz14ApCoVY97e3mzevJn4+HhWrFjBxIkTiY2NZePGjbW2Ul+1k1K7du0iLq6stN/Z2ZmCggK8vLyYPHkygwYN4pFHHqnxIEVERKR2pR3cz8FfNpyukhpBaWYmJz/4HwCB48dj1KOV6c74fUJq+PDhVeqzUFWJ+UV8cDSD+SknOWUp+6DoZMCNft4MDvbj1oa+5/+BuzgfTh6ErGTIOVq2nUqDwiwozC7bCk5/XXyqxuIWuSTO7uDmC+7+4B0MXiHgHQINroEGkdAwEjwagGFgMgw6+3rS2deTF1o0ZsWJbF5PSmNHbgFvHErjf0czmBLZhOHB/lWuSurduze7du1i7969JCcn07Rp0xp5LPf27cn78Uf8XFzJLC4k9cBeJaVErgAuLi4899xzDrlvbVu3bh2jR48ut3/mVbvA0yslp6Sk4O/vD1ChispsNmOxWCpc19nZmT59+tCnTx8mTZqEn58fq1ev5q67aucXlNVOSnl6etr7SIWGhnLgwAHatm0LwPHjx2s2OhEREakT605XSbWKuZGARk1Ie2Uq1txcXFu3xmfAAAdHV321mZDan1/I9KQ0FqVlcuZ3lhHuroxp3IAhwf4Emn/3QdRmg+wjcGxL2ZaSAMf3QfaFWkaXnVpqc6XIFkCJzR2LzRmryQ2ryQOr4YrFyQ2r4YbVcMGCGavNCSvOgIHNMHG6JOa3r+1jBrYz1TFn5oD96zMFRlWpMzpvKuG8B8999fOnJyo/7/xxXFzFlHGRlVbnPO88QV7svezty21nvsZeAWfYj1XS6vzMfFv5cZOtGCdbIU7Wgt82Wz4mWxFmUwFmaz7mkjSM3FTI2FV5SN6hENYVmnaD8O4Q0h4Xk8HtgX7c1tCXb47n8O+kFH7NLWT8rmSWZWTx71ZhFf/tVKJhw4Z07NiRLVu2sGrVKsaMGVMjr9m5dyh7VcY3t4BMs0HqgX207Nbjkq8rIo5lGMYlvUZ3OVuwYAGdO3emR48efPTRR2zYsIH//ve/ALRo0YKwsDBiY2N56aWX2Lt3L9OmTSt3frNmzcjNzWXVqlV06NABDw8PVq9ezcGDB+nZsyf+/v4sW7YMq9VKq1atau05qp2U6tatGz/99BOtW7fmtttu4+mnn2b79u0sWrSIbt261UaMIiIiUovSkw6yf+M6MAy63TWSktRUMj/6CICgJ5/AMNWvNdpqKyF1qKCIfyemlktG3RLgw9gmDbkpwBvT2T8Yn0qDxO/hYHzZlnO0fIw2EzmWELJMLTnl2opcoxF51kDyS70pKnWlqMSZomITxUUG1ajWF6kzrm7g4V6Kh2sBns45+BpH8C/dhV/xDvxzDuO8cwnsXFI22b8ZtL0L2t2FEdyO/oG+9Gngw4zD6fw7MZXlx3PYkL2bGW3C6RVw4RU+e/XqxbZt2zh06BD79+8nMjLykp/Hrf3pZudpGRAWROr+vZd8TRGR2vTCCy8wf/58/vznPxMaGkpcXJy9RYGLiwtxcXE88sgjREVF0aVLF6ZMmcLw4cPt58fExDBu3DhGjBjBiRMnmDRpEn369GHRokXExsZSWFhIZGQkcXFx9kKk2mDYbNVrJnDw4EFyc3OJiooiLy+Pp59+mjVr1hAZGclrr71GeHh4bcXqEDk5Ofj6+pKdnY1PPV4GW0RE5Fy+eO2f7Fu/hlbRNzLwif8j5fnnyVqwEPfO1xM+b169avZbGwmpvFILbyWnM/NwOkXWso9N/Rr68FSzEDp4n9X4M+cY7Pyi7Afx5HWcqTwpsbqSbmlFhms06bTleF4I2adcqpVsMkwGZjcnTM4mnJwMTE4GJicTJicDJ2fT6f3fxn77KzPKtxSyD//2d3r2X6/977rc3PMEdp5Pkef9gHm+8y6iz9VFt8Y6z4kXH//FnHRRh84f/0V8T2w2sFqsWEptWEqtWEutWEpP75dYKS4sxWq58IVNJgj0zyPEdR+NilYT5rQBF1NR2cHG18ONT0PLAWAysTO3gPG7ktmRW4CzAa9d25S7QwIueI9vvvmGtWvXEhISwp/+9Cd7/5RLsb9PX04eT+fHVmGY3d159IP5mEwX2QdOROpcYWEhiYmJNG/eHDc3N0eHU6sMw2Dx4sUMHjzYoXGc73te1VxKtSqlLBYLR44csXeC9/T0ZNbpVXlERESk/jmenMS+9WsA6DZ0JEUHE8latBiAoKeeuqoTUjabjSXpWbyw/xipxWXNQXv4efF8i0a/JaMsJbB3OWz6AA58B9iw2QzSSlqSbO7H0dJOpJ70qzQB5exiwjfIA5+Gbnj5u+Hl74qnrxlXTxdc3Z0xezjj6u6Cq4czzmZTvfq7kCtXaYmF4gILBbnF5OcUk59dTF5WEVlp+WSl55OZmk9hbglpJzxJoyNb6Yizs41mAYm0KF1C+JF1OM8fBUFtoOdfadN2CMuuj+Sp3YdZmJbJ+F3JpBSWMD486Lz/m+/Rowe//PILqamp7Nmzp0aqId2jovBatgxnJyeKCwrIPHaUBk1qpmeViIhUrlpJKScnJ2699VZ27dpVa53XRUREpO6sXfQJAC27dqdhWDhHnngSLBa8evXC47rrHBxd1VmtVr744osaS0gdLSzm//Ye4dsTOQA0dTPzQotG9G/oW/aDcv5J2PAe/DIbTqVgtZlIKW7DAechHMiNIr+gfG8cTz9XgsK9CQr3JrCpDwGNPPHyc8UwKdEk9YuzixPOLk54+Jhp0KjicZvNxqkThaQcyCb1QDaHfj3BqROF7E+PYD9P4e5aTEf3xbRL/Rzzwgcg4SPMA6fzZuumBLu68E5yOi8nppBeXMKUyMbnTEx5enpyww038NNPP7FmzZoaSUq5RbUnZ9ky/A1nMrCQemCfklIiIrWs2j2l2rVrx8GDB2nevHltxCMiIiJ15MSRZPau+wkoq5Iq2PErp5YvB8Mg8MknHBtcNdhsNr7++msSEhIwDINhw4Zd9A+oNpuNucdO8OKBY+RarJgNgyeaBfPnsCDcnExlvaLWvg0b/wsleeRZ/NlVej87i/pzKv+3snWzuzNN2wTQ5Fp/GrfyxzfQXZVOclUwDAOfhu74NHSnVdcQbDYbGcmn2P9LOvs2ppGbCWuLRvCLy1Ci3JZw3b4FuMzohqlPLM93fpBQVxee33eU/x49ToCLM083Dznnvbp27cratWs5fPhwjazE596hAwDeJ7PI8HEnZf9e2t50yyVdU0SkNlzMq+6Xq2onpaZMmcIzzzzDiy++yPXXX4+np2e54+q7JCIiUj+sW/QJ2Gy06BJNYHhzkh8cC4DPwIG41eIqKzXJZrPx7bffsnHjRgAGDx5sb/JZXRnFJTy+K5nVJ08B0NnHg2nXNqWVpxsUZsPq12D9LCgtJK2kBVtKx3Awpw02W1myydXDmeYdA7mmUyBhrQNwcq5fDeJFaoNhGASF+xAU7kPXQRHs25DG5m8OkZmaz6aSYewtvoWbPV6nybJn4GA8Y+/6Dy5GE/5v7xH+nZRKqJsLo0IbVHptb29vOnTowObNm/npp58YNWrUJcXq1rYthosLPpnZ4ONO2gE1OxcRqW3V/rR02223sXXrVu68806aNGmCv78//v7++Pn54e/vXxsx2v3www/ccccdNGrUCMMwWLJkyQXPiY+P57rrrsPV1ZUWLVowe/bsWo1RRESkPjhx9DC71/wAQPSwe8hbv4G8n38GZ2cC//KYg6Oruh9++IGff/4ZgIEDB9LhdKVDda08nk2vDXtYffIUriaDyS0a8fl1kbRyc4L178GbnbD9NJ0jeZF8nvcaC0/8mwPZbbHZDEJb+NJnTGvG/Ks7t4xuTbP2DZWQEqmEk5OJa6NDuWdiV/o91A5PP1dyivz5PHMyq3P+QtHO1TD7du73sTC+aRAAf91zmNWnX6OtTExMDAB79+4lPT39kuIzmc24tWmDX35ZU/b0pERKS0ou6ZoiInJ+1a6U+u6772ojjirJy8ujQ4cO/PGPf+Suu+664PzExERuv/12xo0bx0cffcSqVasYO3YsoaGh9OvXrw4iFhERuTytX/wp2Gxc07krgeHNOfR/zwHgf/dwzJf4CkxdWbNmjf1zSb9+/ejcuXO1r1FstTLlQArvHckAoLWnGzPbhnOtpzscWgNLn4SM3aSXXMOawr9xNK8FULYaXssbgunUtykNGnvV3EOJXAUMk0GL64MIaxPAusUH2PHDUXbl9ya15Fput07G9/1bmHDPJxwL9mdhWiZjf01i6XWRtPFyr3Cthg0bcu2117J7927WrFnD4MGDSU86yLfvvwOGQZ8H/0xQs4gqx+beqRPuW7fi6uRMkaWU44cSCWnRsiYfX0REzlLtpNRNN91UG3FUyYABAxgwYECV58+aNYvmzZszbdo0AFq3bs1PP/3E66+/rqSUiIhctTJTjrL7p+8BiB56D7mrV1OwdSuGmxsNxo1zcHRVs3HjRlasWAHAzTffTHR0dLWvcaywmD/9msSmnHwAHmrSkL9HNMKtKAs+/ytsmUdOaRDrCv7GvryuADg5m2jTPZSOtzbFp0HFH5BFpOpc3Z25aVQrIrsEs+L9HWRmN2Jh5qsMsP6TRrNv47Uxy0gv9uKHzFwe/jWJbzq3wsOpYhVi9+7d2b17N9u2JuCbl0nCV0uwWiwAfPTcU0QPHckNg4djcnK6YEzuHTtiAH4lFtJMkHJgr5JSIiK16KJqy3/88Ufuu+8+YmJiOHr0KADz5s3jp59+qtHgLtXatWvp06dPubF+/fqxdu1aB0UkIiLieOsXf4rNZiXiui4EhTcnY/p0AAJGj8YlKMixwVXB1q1b+eqrr4CyH0Z79uxZ7Wv8ePIUfTftZVNOPj7OJua0b86LkU1w27MU3u6CZXMcm3KH8fHJGWUJKQNadQ1h1Atd6XlPKyWkRGpQo0g/hv2tC4FNvSm0ePF55mT2ZEZh/mgoMxs7EWx2Zl9+EbH7j1Z6flhYGGHBQbgd3MnmLz7DarEQeUMMLbp0w2op5edPP+TjfzxDbubJC8bi3qkjAN4ZZXPTDuyrsecUEZGKqp2U+uyzz+jXrx/u7u5s3ryZoqKyd66zs7P55z//WeMBXorU1FSCg4PLjQUHB5OTk0NBQUGl5xQVFZGTk1NuExERuVJkpaaw88eyV966DR1J9pdfUrRvPyYfHxo8+EcHR3dhu3btsveUvOGGG+jTp0+1VrWz2Wy8fySDEVsPcKKklHZe7qzo3Ip+njZY9DB8+geOZIYwP2sG63PvxWJ1onErP+6e0IU+D7RRMkqklnj5uzLk6euI6BSI1ebMt9mPsy/9GhrEDeWtZr4YwNxjJ/gqI6vS8z1OpOBUmI/NyZl+f36SO56awJ1P/50Bjz2Nq6cnaQf38cNH/7tgHC7BwTiHhuKXVwhAyn41OxcRqU3VTkpNmTKFWbNm8Z///AcXFxf7ePfu3dm8eXONBucIL7/8Mr6+vvYtLCzM0SGJiIjUmPVLPsVmtdKs4/UEN23O8TffAqDB2LE4+fo6OLrzS0xMZOHChdhsNjp06ED//v2rlZAqsdp4du8R/rHvKFbg7hB/vrwukmapG2Bmd4oTlvBdziN8nvkiWUWBuHu70PePbRj0RCcCm3rX3oOJCAAurk70f6gdbXs2Bkx8m/0ESSm+9PxyFH9u5AfA07sPc7SwuNx5GYcSObZ9CwD5TVtS4hOAYRgYhkGbG29m2N+nALDrp3iOJyddMA73jh3wLSj7xfvJY0coys+vsWcUEZHyqp2U2rNnT6Vl8r6+vmRlZdVETDUmJCSEtLS0cmNpaWn4+Pjg7l75bzonTJhAdna2fTt8+HBdhCoiIlLrstNT2fnDagCih44ka/4nlBw7hnNgIAF/uM/B0Z3f0aNHiYuLw2KxcO2113LnnXdiMlX9Y0xmSSkjtx5g3rETGMCkaxrxRsvGuP/wL5hzB0czfJmf+TY7828FoG3Pxtz7Qjda3hBSrcSXiFwaw2Rw08iWRHYJxooTy7P+j2PJpfzfthfp4O1OVqmFx3clY7PZ7Of8/OmHAAS0uBarmwcbN24sd82QayKJ7BoDNhs/f/rRBWPw6NgR11ILniYnsNlIVbWUiNSyMWPGMHjw4Dq95+zZs/Hz86vTe1am2kmpkJAQ9u/fX2H8p59+IiKi6itb1IXo6GhWrVpVbmzlypXnbYbq6uqKj49PuU1ERORKsH7JAqwWC+FRnQhu1JTjs2YB0PDRRzGd45c1l4OMjAw+/PBDiouLadasGUOHDsWpCg2Lz9iXV8htv+zl56xcPJ3K+kc94leKMXcQlvhp/JRzP0syp3CqpAHeAW4MeqIjvUa1wtXD5cIXF5EaZ5gMbhnTmmbtG2Cxmfkq8++cStjALMsG3EwGP2Xlsjg9C4CUfXs4sGk9hmGi7wN/wsnJiWPHjnHkyJFy1+x+931gGOzfuPaCSSb3jh0B8DtVViF1bN+uGn9GEREpU+2k1EMPPcTjjz/O+vXrMQyDY8eO8dFHH/HMM8/wyCOP1EaMdrm5uSQkJJCQkACUlfEnJCSQnJwMlFU5jR492j5/3LhxHDx4kGeffZbdu3czY8YMPv30U5588slajVNERORyk5ORzq/xZb+oiR56DyfnzMZy8iQu4U3xG3qXg6M7t6ysLObNm0dBQQGNGjXinnvuKdc+4EK+P3mK2zfvJbGgmCZuLiy9LpJbT22DWTeSdeAAn52cytb8QQC06dGIkc/fQJNrA2rrcUSkipycTPR7qB2NIv0otnnwddb/0Xj533kioKxCatL+o+SUWvhp/lwA2tzUmyYtWtK2bVuACtVSDZo0pU2PXgD89Mm8897brXVrDLMZ36yy3rIpe3fX5KOJiJxXr169GD9+PM8++ywBAQGEhIQQGxtbbo5hGMycOZMBAwbg7u5OREQECxcutB+Pj4/HMIxyb7MlJCRgGAZJSUnEx8fzwAMPkJ2dbX/d+cw9ZsyYQWRkJG5ubgQHBzNs2LBafd5qJ6X+9re/MWrUKG655RZyc3Pp2bMnY8eO5eGHH+Yvf/lLbcRot2nTJjp16kSnTp0AeOqpp+jUqRMTJ04EICUlxZ6gAmjevDlfffUVK1eupEOHDkybNo3333+ffv361WqcIiIil5sNny/AaimlabsogoNCOPlBWcPfoMcfx6hGkqcu5ebmMm/ePHJycmjYsCH33nsvrq6uVT7/f0ePM2rbAXJKrdzg68nX10XSesccmDuIPSfa8OnJ18koaY6rpzO3PdKem++7FrO7cy0+kYhUh7PZif4Pt8PL35VsSyNWZz7EuNVjucbNhYziUl79Np7kHVsxOTkTPfQeoGwBBIAdO3aQl5dX7nrRw+/F5OTEoW1bOLJzxznva5jNuLVrh19eWV+pY/t2Y7Naa+kpRUQqmjNnDp6enqxfv56pU6cyefJkVq5cWW7O888/z9ChQ9m6dSv33nsvI0eOZNeuqlV2xsTEMH36dHx8fEhJSSElJYVnnnmGTZs2MX78eCZPnsyePXtYvnz5Ra1yXB3V/uRlGAZ///vf+etf/8r+/fvJzc2lTZs2eHl51UZ85fTq1avc++O/N3v27ErP2bJlSy1GJSIicnnLOZ7B9tVlH2Sih47ixLvvYc3Lw7VNa7z793dwdJUrLCzko48+4sSJE/j4+PCHP/wBT0/PKp1rtdl46WAK7ySnAzA8xJ9XIwJxXfY4loRP+enUg+zIHwCULUXf949t8fKverJLROqOu5eZfg+1Y/Grv3CgsDuNjuzk5WYLuNtnMDnLF+MLRPXph29Q2YrbjRs3JjQ0lJSUFLZs2UKPHj3s1/ILDqHdzX3Z9u1y1iz4iLsnvXzu+3bsiM/mzTgZJory8jh57CgNmmgBJJH6xmazYbUW1Pl9TSb3S+pJGRUVxaRJkwCIjIzk7bffZtWqVfTt29c+Z/jw4YwdOxaAF198kZUrV/LWW28xY8aMC17fbDbj6+uLYRiEhITYx5OTk/H09GTgwIF4e3sTHh5uLwqqLdVOSn344YfcddddeHh40KZNm9qISURERGrQhs8XYrWU0qRNO4L9Ajjw8ccABD35FEY1moXXlZKSEuLi4khJScHDw4PRo0fjW8WVAYutVp7cfZjP0jIB+FvzEB73K8WYczt5hxNZnjWF1JJWYECX25vT+bZmmExqZC5yOQuJ8CVmaCQ/LdjHz6fGMGT93xnWsythKUnYDIPOg4bb5xqGQZcuXfjiiy/YtGkTMTEx5RZF6Drkbrat+obDO7eTk5GOT2BQpfd079gBE+BnsXLCVNZXSkkpkfrHai0g/vv2dX7fXjdtx8nJ46LPj4qKKrcfGhpKenp6ubHf98qOjo62tzq6WH379iU8PJyIiAj69+9P//79GTJkCB4eF/8sF1LtT6JPPvkkQUFBjBo1imXLlmGxWGojLhEREakBOccz2LH6GwBiho0i4+13sJWU4HHDDXj26O7g6CqyWCwsXLiQQ4cOYTab/5+9+w6MqkofPv690zPpvUAKgQChJKFXaYKiIEVEVIrdFde+/nQtK9jLa1sLqLu6KCIoSBOVIk1qKCEklCRAKum9Tabe+/4xIRATehJEz2d3nJl7T7sBJjPPPOccZsyYgZ+f3wXVrbY7mJGUzg+F5Wgk+KBrKI9L6Uj/GUFeZh3fl71Hga0LeqOGcQ/F0H98BxGQEoSrRMyo9nTs5Y+Mlg2VTzJh43sAZId0YL2t8Ueanj17YjAYqKioICMjo9E5D78A2kc7151K2fnbWfs7tdi5Z0kFINaVEgShbf1+/UxJkpAvYhrxqWD8mTPNbDbbeeu5u7uTkJDA4sWLCQ4O5sUXXyQ2NrbR2lQt7aIzpfLz81m7di2LFy/m1ltvxWg0MnXqVKZPn87gwYNbY4yCIAiCIFyiPauW4bA7s6QC9EbSV64EIODJJy4rrbw1yLLM6tWrSU1NRa1Wc8cddxASEnJBdQstNu5IOsHhGjNGtYr/do9gVPpSlJ+fJrlmDDuq70VGjW87V8b+rSdeAa33jZ8gCC1PkiRGzoqmMKOSqoogqvPcABtHO8WwK6OACQFe6Os/hGm1Wnr27MnevXtJSEigY8eOjdrqOng4J48cImXHVvpPbH4BX21AANr27fGuKgO8yBNBKUG4KqlULowYnnxF+m1tu3fvbrTR2+7duxum2vn7+wPO+I23tzdAkywqnU7XbJKRRqNh9OjRjB49mjlz5uDl5cWmTZu4+ebW2RjnojOlNBoN48ePZ9GiRRQVFfH++++TmZnJyJEjm7zgC4IgCIJw5TTJkvr3v0GWcRt9bUMWwB+FoiisX7+egwcPIkkSU6dOJSIi4oLqHqs1My4hjcM1Zvy0GlbERjJq7xvY1vyTjeUPsa36AWTURPUNYMrTfUVAShCuUnoXDcOnd0V2lFBntyGhUNGpGzlmKwvzShuV7d27NwApKSmYTKZG5zoPHIJKraY4K4PSkzln7c/Ypw9eJudi56UnszHX1rTwFQmC0NokSUKtNrb5rS2++Fu6dClffvklaWlpzJkzhz179vDwww8D0KlTJ0JDQ5k7dy7Hjh3jp59+4t13321UPyIigpqaGjZu3EhJSQkmk4k1a9bw4YcfkpiYSFZWFl9//TWyLNOlS5dWu47LWkjCaDRy/fXXc8MNNxAVFUVmZmYLDUsQBEEQhMu1Z+VSHHY7od164mdXqN7wK6hUBDz22JUeWhO//fYbu3fvBmDixIl07dr1gurtraxlQsIxTpptRLro+alnO2J/vp+aHUtYUfo6qeaRSCqJIbd0Ysy93dHq1a15GYIgtLKInn54+joDSXpdMH8vWQ3A+5mF1NhPf+MfHBxMcHAwDoeDpKSkRm24uHsQEVsftNq59ax9ufTtg97uwLX+I1PBsdQWvRZBEITL8dJLL7FkyRJiYmL4+uuvWbx4ccO631qtlsWLF5OSkkJMTAxvvfUWr776aqP6gwcP5sEHH2TatGn4+/vz9ttv4+XlxfLlyxk1ahTR0dF8+umnLF68mO7du7fadVzSvscmk4kVK1awaNEiNm7cSGhoKLfffjvLli1r6fEJgiAIgnAJnDvurQdg4JTbKXrb+e2Y58SJ6KOiruTQmtizZw+bN28GYOzYscRdYBbXptIq7j2UQZ2s0MvdyMIOrvgtnkBRTg0/l/8/amUfDG5arr+/B+27eLfiFQiC0FYURcFScwQAh7Y3XQ8kEBliJt1m4NOcYp7qcHoXqV69epGfn09CQgIDBgxolLnQdfAw0hP2krJjK4OnTm82q8HYpy8AnpXV1Hq6kncshYi4Pq18hYIg/BUtWLCg4fGWLVuanF9Zv/zCmUJCQli/fv1Z2xwyZEiToPyZa0wBzJ8/n/nz5zc61lz/remiM6Vuu+02AgICeOKJJ4iMjGTLli0cP36cV1555YK/1RQEQRAEoXXtWbkU2eHMkvKpqMa0Zw+SVov/w3+/0kNrJDk5mZ9//hmAYcOGMXDgwAuqt7qogjuTnQGpkT7uLAsx4/fVGE5kGllR9jq1sg/ewa5M/WdfEZAShD+RguNpVBUXotboUGk7klh9C4+kLARgfk4RJVZ7Q9mePXui0WgoKioiNze3UTsd+w1Eo9NTUZBPYfrxZvvSdYhA7euLV7Vz+p9YV0oQBKHlXXRQSq1W8/3335Ofn8/HH3/caBvCQ4cOtejgBEEQBEG4eL/Pkip+z7lLlfcdt6Nt1+5KDq2RtLQ0VqxYAUC/fv0YOXLkBdVblFfKg4czsSkKEwK8+MpwAuP/bmB/3gDWVjyDXdET1t2HKU/3wcOv9RcaFQSh7aTscE6369R/IGHd/HGgw+NoCDFKBbUOmY+yChvKuri4NExlSUhIaNSOzuBCZJ/+jdr8PUmSMPbujbfJDED+sVSUi9j9ShAEQTi/iw5KLVq0iBtvvBG12rkmQ3V1NZ9//jn9+/cnNja2xQcoCIIgCMLF2bPye2eWVPcYvHJyMR85gspoxPdvf7vSQ2uQlZXF999/jyzL9OjRgxtuuOGCFgWdl13EP1JzkIGZIb7Mr/0V9eLpbCq5i901MwHoObI94x6KQe9ySasUCILwByXLDlJ3bQMgeuhwhkztjCQpZFoG8cDBxQB8nVfSKFvq1E5Uhw4dwmKxNGqv65BhAKTu2nbWYJOxbx/c66yokbDWmSg9md3i1yUIgnCxFEVh0qRJV3oYLeKSFzr/7bffuPPOOwkODuadd95h1KhRDQuUCoIgCIJwZVSVFJG8aQMAAydNpfiDfwPgc889aHx8ruTQGhQUFPDtt99it9vp1KkTkydPRqU691sSRVF4/UQeL5/IA+DhUH/ePrkA65q5rC59kZS6a5FUMOy2zgyb1hmV+rL2chEE4Q8o9+hhaivKMbi6ERHbG98QN7oNdWZ/Ok70IcZeRJ2s8J+TxQ11IiIi8PHxwWq1cuTIkUbtdYjri97oSk1ZKbmpjc+d4tKnLyrAq84Z0Mo7JqbwCYIgtKSLesdWUFDAm2++SVRUFFOnTsXDwwOLxcLKlSt588036devX2uNUxAEQRCEC9CwllT3GNyPHsOalYXa2xufu+660kMDoLS0lIULF2KxWAgNDeXWW29tyL4+G1lR+GfaST7MLgLg+YhAXjj8OlWbv+GH0jfJs3VHZ1Az/u+x9BzRvi0uQxCEKyD9wD4AInv3Q63RAtD/pki0Oiixd+LWpI0AfHmymEqbM1tKkqSGzRMSExMbtafRaons7fz8kp6wt9k+DV27oDIa8aqqBSA3pfnglSAIgnBpLjgoddNNN9GlSxeSkpL44IMPyMvL46OPPmrNsQmCIAiCcBEaZUlNmELJJ58A4Df7QdRurldyaABUVVWxcOFCamtrCQwM5I477kCn052zjk1WePhoNl/llSIBb0X688jOxyjcs5sfyt6k0hGCu6+BKU/3Jay7b9tciCAIV0RGfVCqQ+/TX4QbPXT0HdcRANWJPnS2FlPtkPlfbklDmVNLjGRlZVFeXt6ozQ7nCUpJGg0uvXrhU1sHwMmjYg1dQRCElnTBQalffvmFe++9l5deeolx48ad91tNQRAEQRDa1qksqbAeMbjuO4C9qAhNSDBet912pYeGyWRi4cKFVFRU4O3tzYwZM3BxOfci5HUOmXsOZbC8sByNBPM6+nDn+llkJpeysuwV6mRP/MPcmfJ0H3xCrnzQTRCE1lNVXETpyWwkSUV4TK9G52JGtcfdS0Od7MdNhw8A8PnJYmrtDgA8PT3p0KEDAAcPHmxUNyK2N5KkovRkNlXFRc32bezbB+9aM1L9OM5WThAEQbh4FxyU2r59O9XV1fTp04cBAwbw8ccfU1JScv6KgiAIgiC0uqri01lSA26YSMnn/wHA/5FHUZ0nG6m1Wa1Wvv32W4qLi3F3d2fWrFm4u7ufs0613cEdSSfYUFqFQSXxvwg3Jq+azOFj3vxc8Sx2xUBYdx8mPdkLV099G12JIAhXSkaiM0squHNXXNwav35otGoGTekCgPvxaMJt5ZTZHCzMK20oc2oK38GDB1EUpeG4i5s7IV2igbNnS7n06YNGVvCsX0BdZEsJgiC0nAsOSg0cOJD//Oc/5Ofn87e//Y0lS5YQEhKCLMts2LCB6urq1hynIAiCIAjnEF+/415Yj1gMv+1ErqpCH9UJzwk3XdFx2e12lixZwsmTJzEYDMyYMQNvb+9z1im12pmSeJxdFbW4q1UsCZUYvfRG4jP7saXqIRRUdB0czI0PxaAziB32BOGvoGE9qV59mz3fqU8APoFaHLIr4484s6Hm5xRhqd9VLzo6Gp1OR3l5OdnZjXfQa1hX6sBZglIxMaDV4l1RA4iglCAIQku66K1pXF1dueeee9i+fTvJycn84x//4M033yQgIIAJEya0xhgFQRAEQTiHquIiDm3+FYB+195A2ddfA+D/xBNIV3C6vSzLLF++nPT0dLRaLdOnTycwMPCcdfLMViYdOEZSdR0+WjU/BFTRb8kENuXeyr7aWwHoNy6CUTO7ohY77AnCX4LdZiP7kDPQ1OEsQSlJJdF/kjNbyvdYJ4Ls1RRa7awodK4hpdPp6NatG9B0wfNTga6cQ0nYLOYmbasMBlx69BDrSgmCILSCy3o316VLF95++21OnjzJ4sWLW2pMgiAIgiBchDOzpPQbNqKYzbjExeE2cuQVG5OiKKxZs4YjR46gUqm47bbbCA0NPWeddJOFCQeOccxkIUSvZZVbJl2/u52fCh4lxTwKSQUjZ3al/02RSJLURlciCMKVdvLoIewWC67ePviHdzhruchYf/yCdSgOI2OOOXfJ+yynuGG63qkpfIcPH8ZqtTbU8w0Nx93PH7vNSs7h5GbbNvbti0+NM2BVnp9HTXlZS1yaIAgCAHfddReTJk1q0z4XLFiAl5dXm/bZnBb5ilGtVjNp0iRWr17dEs0JgiAIgnCBGmVJXTOKiqXLAAj4x5NXNHCzceNGEhISAJgyZQodO3Y8Z/nDNXVMPHCMk2YbkS56VrGbkB8eZUXxHHKscWh0KsY9FEu3ISFtMXxBEP5AGnbdi+tzzte1M7Ol2qWEYpStHK01s7XcucxIWFgYXl5eWK1WUlJSTteTJCJ7nXsXPuPAAWhlGQ+bc/F0kS0lCILQMkTeuyAIgiBcxeJX1GdJ9YxD++MvYLfjOuwajP36nb9yK9mxYwfbt28H4KabbqJ79+7nLL+3spabDxyn2Gqnu6uBVdXLcf35PZaVvkGJPRIXdy2T/9Gb8B6+bTF8QRD+YDIS9wNnn7p3pogYP/zb6dBaDYzMOgY4s6UAVCoVsbGxQDNT+HqfDkqduRD6KcbevZG0WnwqnAGuk0cPX9rFCIIgnMeIESN49NFHefrpp/Hx8SEoKIi5c+c2KiNJEvPnz+eGG27AxcWFyMhIli1b1nB+y5YtSJJERUVFw7HExEQkSSIzM5MtW7Zw9913U1lZiSRJSJLU0Me8efOIiorCYDAQGBjILbfc0qrXK4JSgiAIgnCVqiou4tAW5457ffoOouqnnwAIeOKJKzamhIQENmxwjmn06NH06dPnnOW3lFVxa+IJKu0O+nsYWZ77CbbNP7K89HVq5AC8AlyY8nRfAsI92mL4giD8wVQU5FOedxKVWk14z7jzlpckif6TugLQ6bA/KkVmc1k1R2uc60GdCkqlp6dTWVnZUC+0e080Wh3VpcWU5GQ1aVfl4oJLr1741Dqn8J080vw0P0EQ/lgURaHW4WjzW3PB7Yvx1Vdf4erqSnx8PG+//TYvv/xyw/urU/71r38xZcoUDh48yPTp07nttts4evToBbU/ePBgPvjgAzw8PMjPzyc/P5+nnnqKffv28eijj/Lyyy+TmprK2rVrGTZs2GVdy/mILWsEQRAE4Sq1e8V3yA4HYT3j0Hz/AxbAY9w4DNHRV2Q8R44c4ccffwScb3aGDh16zvI/FlXw0JEsbIrCSC8jXxx+gbxDVfxaMRcHOoIiPbjxoRhc3HRtMXxBEP6AMhKdU/dCukSjN7peUJ3wHr4EtNNALgwoyGRXcCSf5RTzQXQYPj4+hIWFkZ2dTVJSEtdccw0AWr2B0B4xZBzYR3rCXvzDIpq06zpoIN77neMpPZmNqaoSo4dny1yoIAitwiTLdPyt7YPIJ4b1xPUyNpuJiYlhzpw5AERFRfHxxx+zceNGxowZ01Bm6tSp3HfffQC88sorbNiwgY8++oh58+adt32dToenpyeSJBEUFNRwPDs7G1dXV8aPH4+7uzvh4eH06tXrkq/jQohMKUEQBEG4ClUU5HN4i3MtqV6de1K7cxdotfg/8fgVGU96ejo//PADiqLQq1evRm+amvNtfil/O5yJTVG4yduFr/bO5thBLesqnsKBjsg4fyY+3ksEpAThL65h6l7c+afunSJJEr3HO7OlehxxBrKWF5ZTZLEBpxc8P3jwYKNshlPrSmUcOMu6UgMGonfIuFntAOSmiCl8giC0jpiYmEbPg4ODKSoqanRs0KBBTZ5faKbU2YwZM4bw8HAiIyOZOXMmixYtwmQyXVab5yMypQRBEAThKrTrh8XIDgcRsb1RfbsEAJ87bkfXvn2bjyU3N5clS5bgcDiIjo5m/Pjx51yM+NPsIuaeyANguo+Wtzbfzu7sYRw0TQCg54j2DL01CpXqz7/DnqIomOwmyurKKDWXUmGpwGQzUWevo85eh9lhbnhudVhxKA7ssh2H4nDe5N/d1984Y9aAQuMpBE2en/Gh/Fznmh0/FzY9QeLC/iyb+3vTXN0LLtdcv80eatl+26SPNuhbJanQq/Xo1Xp0al2jexeNC+46dzx0HnjoPPA3+uPv4o9Ra2x2rJfCZrWQcygJgMgLWE/qTJGx/nj7SlCiJbo8n6Pewfwvt4RnIoPp1q0bP//8MyUlJeTm5tK+/nUzsnc/Nn45n7zUFOpqqnFxc2/UpkvPHqiMRnyqaqnx8+Tk0cNE9R/cMhcrCEKrMKpUnBjW84r0ezm0Wm2j55IkIcvyBddX1fd/5u9xm8123nru7u4kJCSwZcsW1q9fz4svvsjcuXPZu3dvq+3UJ4JSgiAIgnCVKc3N4ei2LQDEBoVhSVmKys0N3wcfbPOxFBUV8c0332C1WunQoQNTpkxBfZZ0dUVReCujgA+yCgF4yFvh2bVT2Jh/B8fNzql+g27uSK8xYVd058CW5JAdnKw5SUZlBjnVOZysPkluTS4ldSWUmcsoM5dhcViu9DAFocW4ad0IcQuhg2cHIjwi6OjVkRj/GEJcQy763/XJw8nYbVbcfP3wDQ2/qLqSSqLXuC5s+jqFuBSJo4NgYV4pj0cEYjAYiI6OJjk5mcTExIaglId/AL7twyg9mU3mwQSihwxv3KZWi7FfP3wO7ifbz5OTR8QOfILwRydJ0mVNo/sj2717N7NmzWr0/NRUO39/fwDy8/Px9vYGmm7woNPpcDgcTdrVaDSMHj2a0aNHM2fOHLy8vNi0aRM333xzq1yHCEoJgiAIwlVm17LFKIpMx979UL75FgDfBx5AU/+mo61UVFSwcOFC6urqCAkJ4bbbbkOjaf6thawoPH8sl//llgDwnKeJ+9fcyZrCR8mzdUelhmvv7Ebn/kHN1r8aOGQHJypPkFScRHJJMqllqZyoOIHZYT5vXReNCz4GH7z13rhqXXHRuGDQGHDRuDTc9Go9GpUGlaRCo9KgltQNj1WSCrWkRqPSIEkSqjNWaPh9IKBRhszvYgRnnmv0+BxtnC8L6nyZWtB8Rlaz5ZrLzGr20Pkzvi60/QtdrPaS+7zE9pur29LXZJft2GQbFocFi8OC1WFtuDfZTFTZqqi2VlNpqaTIVESdvY4aWw1p5Wmklac1asvPxY84/zgGhQxiVNgo/Fz8ztv/qal7kXF9LylQ3bl/EHtWHKFDjg6/XtWU4M7qogqmBvkQFxdHcnIyhw4dYuzYsQ2vXZG9+1F6MpuMhL1NglIAxkED8dnh3F20KCtdrCslCMIVs3TpUvr27cvQoUNZtGgRe/bs4YsvvgCgU6dOhIaGMnfuXF577TXS0tJ49913G9WPiIigpqaGjRs3Ehsbi9FoZNOmTaSnpzNs2DC8vb35+eefkWWZLl26tNp1iKCUIAiCIFxFirMzSd35GwDd9R7Y8/LRBAbiM2tmm46jpqaGr7/+murqavz8/JgxYwZ6vb7ZsjZZ4YmUbJYVliMBb7gWMmXlo6wofYFyRyg6g5obZsfQvkvbBtUul6IopFemsytvF7vyd7G/cD+1ttom5fRqPR08OxDqHkqoeyjt3NoRYAzAx+CDr4sv3nrvFp3yJAhXSq2tlkJTITlVOWRWZZJRmUFqWSopZSmU1JXwa/av/Jr9K6/ufpW4gDiuC7+OCZ0m4KFrurumoiik16/t1OEip+6dotaoiBvbme1Lj9P3eB1re7jzn5PF3BLoTYcOHfDw8KCqqorU1FS6d+8OONeV2rv6BzIOJiDLDlSqxhkWrgMHYrA7cLfYqNZryT50kK6DW3dnKkEQhOa89NJLLFmyhIceeojg4GAWL15Mt27dAOf0v8WLFzN79mxiYmLo168fr776KlOnTm2oP3jwYB588EGmTZtGaWkpc+bMYfTo0Sxfvpy5c+diNpuJiopi8eLFDa+RrUEEpQRBEAThKrLz+0UARPXpj1y/lpT/o4+iMhjabAxms5lvvvmGsrIyPD09mTlzJkZj80EVs0PmgcOZrC+tQiPBR+oUhq56g2Xlr2GSfXD10nHTI3H4tnNrs/FfDofsIKEogY3ZG9mUvYn82vxG540aIz39ehLjH0O0bzRRXlGEuoeiVv05pw4Iwplcta5EekYS6RnJcE5nGZntZo6UHmF/4X4252wmuSSZA0UHOFB0gA8PfMiEjhOYHj2dDp4dGuqU5+dRWViASq0hrGfsJY+p2zXt2PdjKt2Oa9nUzU5SdR37q0z09XQlJiaG7du3c/DgwYYPXCFdotG7umKuriL/WBrtujTezVTfuTNqb2/8KmupDvAiKylRBKUEQbhsCxYsaHi8ZcuWJudXrlzZ5FhISAjr168/a5tDhgwhKSmp0bHfZ8rOnz+f+fPnNzrWXP+tSQSlBEEQBOEqUZh+nON7dyFJKrrWyTiqqtBHReE5aWKbjcFms/Htt99SUFCAq6srM2fOxNOz+akrNXYHs5Iz2FlRg0El8R/Lb3TdvJQVFa9hU4z4hLhy0yOxuHm3XUDtUiiKwuHSw6w+sZp1mesoM5c1nNOr9fQO6M2gkEEMDB5IZ+/OIgAlCL9j0BjoHdib3oG9uT/mfgpqC9iYvZFlacs4XnGc71K/47vU77ixw4080ecJglyDyEzcB0D76O7oDC6X3LdWpybm2g7s+SmbXtnlxEf489+TxfT1dCUuLo7t27dz7NgxampqcHNzQ6VWExHTm9Rd28g4sLdJUEpSqTAOHIDf9q1kBHiRlXQARVH+NOvgCYIgtDURlBIEQRCEq8SO778BoHPvfsjfLAMg4Kl/ILXRAp4Oh4OlS5eSnZ2NXq9nxowZ+Pk1vy5MqdXOHUknOFhdh5taxddlS/HddZA1lS8go6FdZy9umB2D3uWP+1ak3FzOyuMrWXl8JemV6Q3HPfWejGg/gtHhoxkYPBCD5o8dVBOEP5og1yCmR0/njq53sKdgD98c/YatOVv5OeNnNmVv4s7udxKQ4MxCvNSpe2fqOTKchLUZ9EzVER8Ba4oryLdYCfbzo127duTm5pKUlMTgwc6d9CL79Cd11zbSE/Yy9LZZTdpzHTgIn7XrUAHVpcWU5Z3Et13oZY9TEAThr+iP+05QEARBEIQGeWlHyTiwD0mlIqqgFNlqxdi/P67D2mbaiCzLrFq1irS0NDQaDXfccQfBwcHNls23WLk18QTHTBZ8NCq+zfkEe4KNX2seByCqXyDXzopGrb287ZJbS1JxEt+lfsfajLVYZSsABrWBUWGjuKnjTQwMHohGJd5CCcLlkiSJAcEDGBA8gCOlR3h779vsL9zPFwmfc8fhUFRILRKUMrhpiR4YgH1HKVEl5Rzz8+br3FKeiQwmLi6O3NxcDh482BCUiojtDZJEcVYGVSXFePj5N2rPdfAg1IqCd00dpW4uZCUdEEEpQRDa1IVuWHE1+GO+GzyHTz75hIiICAwGAwMGDGDPnj1nLbtgwQIkSWp0M7ThmhuCIAiC0FJ21K8l1TW2D/IvzvUDAv7vqTaZMqIoCuvWrSMpKQlJkpg6dSrh4c1vz55hsjAh4TjHTBZCtCpWpL1MxV5P4mtmAND7+jDG3N3tDxeQcsgONmZtZObPM5n+83RWn1iNVbYS7RPN3EFz2XzrZt4a9hZD2w0VASlBaAXdfLvxv+v/x/sj3qe7qR0qWaLaxc53RT9il+2X3X7s2ChAISbV+e/367xSzA6ZHj16oFarKSwsJD/fmZ1l9PAkOMq501TGgX1N2tKFhqKLiMCvygRAVtKByx6fIAjCX9Uf6x3heXz33Xc8+eSTzJkzh4SEBGJjY7n++uspKio6ax0PDw/y8/MbbllZWW04YkEQBEG4fDlHkslOTkSl1tAhNQMUBY8bb8ClZ8826X/r1q3Ex8cDMHny5LNuC3ykpo4JB46RY7bSQSfxw4GnOJ7Ul8N1YwEYdltnBk3uhKT646y9YpNtrDi2gomrJvL4lsdJLE5Eq9IyoeMEvr3xW74b/x1TOk/BTXd1LMQuCFczSZIYHT6a6Xrna8ZJ/zrmJ83nnnX3UGwqvqy2Pf2NdOxmpGuuDZ86E6U2O6uKKnBxcWl4TUtMTGwoH9mrH0DDDoC/5zZ8GP7VzqBUzuFkHHbbZY1PEAThr+qqCkq999573H///dx9991069aNTz/9FKPRyJdffnnWOpIkERQU1HALDAxswxELgiAIwuVRFIUd3znXkurarSfsigetFv/HH2+T/uPj4xt2YbnhhhuIiYlptty+ylomHzhOsdVOd53Ckl0Psy/tZjIt/VFrJG74W096jmjfJmO+EHbZzqrjq5iwYgIv7nyRrKos3HXu3NfzPtZNWcdrQ1+jp39PsXixILQxRVE4mXQQgNEjb8VV68qBogNM/3k66RXp56l9bnHju6FSoFeaA4D/nixGURTi4uIASE5OxuFwnovs7QxKZR86iN1qbdKW2/DhuJut6BwyNouZvLSUyxqbIAjCX9VVE5SyWq3s37+f0aNHNxxTqVSMHj2aXbt2nbVeTU0N4eHhhIaGMnHiRA4fPtwWwxUEQRCEFpGVdIDclMOotVrCEg4B4H3bbejCwlq976SkJH755RcAhg8fzoABA5ott7WsmqmJJ6i0O+ins/G/TX/nt4wHKbJ1Rm9UM/GJ3kT28m+2bltzyA5+PPEjk1ZN4oUdL3Cy5iQ+Bh+e6vsUv97yK4/1fgx/4x9jrILwV1R6Mpuq4iLUWi1Trr2X78d/T7hHOPm1+cz4ZQb7C/dfcttBkZ4Et4O4dDs6h53kmjr2VtbSsWNHXF1dMZlMHDt2DAD/8A64+fhit1jIOZLcpC2Xvn1RG434VdUCYgqfIAjCpbpqglIlJSU4HI4mmU6BgYEUFBQ0W6dLly58+eWXrFq1im+++QZZlhk8eDAnT548az8Wi4WqqqpGN0EQBEG4EhRZZvuSrwGI7tgV1ZEUVK6u+M1+sNX7TktLY8WKFQD079+fESNGNFvup+IKZialUyfLjNDU8OHaJ9mQ939UOYLx8NUz5em+BHf0bPXxno+syPyS8QuTV0/mue3PkVWVhbfemyf6PMEvN//Cnd3vxKg1XulhCsJf3ol9zqnC4T3j0OoNhHmEsfCGhcT6x1Jtreb+9fezIWvDJbcfd1MPjFaFnllmAL7ILUGtVjdkgR486MzSkqTTi6ynJzSdwqfS6TAOHoRf/RS+zIMiKCUIgnAprpqg1KUYNGgQs2bNIi4ujuHDh7N8+XL8/f357LPPzlrnjTfewNPTs+EWGip20hAEQRCujLT4nRSmH0drMNB+u3NjD9/770fj49Oq/WZlZfH999+jKAoxMTGMHTu22Wlsi/NLuf9QJlZF4SapkJd+fpn1xc9hVjzxD3VjyjP98A5ybdWxXohdebuYtmYaT//2NBmVGXjqPXms92OsnbKWe3rcI4JRgvAHcmK/MyjVsc/pzExvgzf/ve6/XBt2LTbZxv9t/T82ZW+6pPY7xPjj6Wmn9zHnNL01RRXkma0NU/hSU1MxmZyBplPrSmUc2NvsTlduw4fjV10HQGHGceqqxZfZgiAIF+uqCUr5+fk17IxxpsLCQoKCgi6oDa1WS69evTh+/PhZyzz77LNUVlY23HJyci5r3IIgCIJwKWSHgx3fLQSgW7sOqHLz0AQE4HPnrFbtNz8/n2+//Ra73U7nzp2ZOHEiKlXTtwuf5RTxREoOMnCH/TgP//wFG8v/Dzt6wrr7MOkfvTF66Fp1rOdzrPwYs3+dzQMbHiClLAV3rTuP9HqEtTev5b6e94lglCD8wdRWlJN/PA04vabTKQaNgXeHv8tNkTfhUBw8tfUpduTuuOg+JJVE3A1dCKpwEFlkwoFzJ77AwECCgoKQZZnkZOd0vbCesag1GiqLCinLbTrTwm3YMAx2B251VlAUMsUUPkEQhIt21QSldDodffr0YePGjQ3HZFlm48aNDBo06ILacDgcJCcnExwcfNYyer0eDw+PRjdBEARBaGuHtvxKeX4uLm7uBG3aDoD/o4+gcnFptT5LS0v55ptvsFgshIWFMXXqVNRqdaMyiqLwVno+c47nATC7dh9T125ie9WDKKiJHhLMuIdi0Bk0rTbO8ykyFTFn5xxu+fEWtuduRyNpmBE9g59v/pkHYh4QO+kJwh9UesJeUBSCOkbh5uPb5LxapeblIS8zJnwMNtnG45sfZ1/Bvovup+vg9hj0NnrXL3j+dV4JZofckC114IAzuKQzuNC+m3OX0+Z24dMGBqKPjiag2rmu1Kmph4IgCBfrrrvuYtKkSW3a54IFC/Dy8mrTPptz1QSlAJ588kn+85//8NVXX3H06FFmz55NbW0td999NwCzZs3i2WefbSj/8ssvs379etLT00lISGDGjBlkZWVx3333XalLEARBEITzslkt7Fr2LQDdvPxRV1Sg69QRz1Z8s1JZWcnXX39NbW0tQUFB3HHHHWi12kZlZEXhhWO5vJ/lzFp+puxXBv+aRULtLQD0v6kDI2d0RaW+Mm8vTDYTnyR+wvgV41l+bDmyIjMmfAyrJq3imf7P4GXwuiLjEgThwjQ3de/3NCoNb13zFsPaD8PsMPP3jX8ntSz1ovrR6NT0HBFKlzwb3rUWymwOVhaVExMTg1qtpqCggLw8Z+D9VMZWRjPrSoEzWyqw0hmUyjiwD4fddlFjEQRB+Ku7qoJS06ZN45133uHFF18kLi6OxMRE1q5d27D4eXZ2Nvn5+Q3ly8vLuf/++4mOjubGG2+kqqqKnTt30q1btyt1CYIgCIJwXonrfqKmrBR3L2/8NmwBIOCpp5A0rZN9VFtby8KFC6msrMTHx4cZM2ZgMBgalbHLCo8ezeaL3BIAXs1bRuRWFWnmkUgSjJrVlX7jOjS79lRrUxSF9ZnrmbhqIp8e/JQ6ex2x/rEsvGEh7414jzCP1t+pUBCEy2OzmMlKSgSgY9+zB6UAtGot7414j/5B/THZTTy86WFK6kouqr+eozuhlRz0Pu7MlvriZAkuLi5ER0cDp7OlTq0rdTLlMObamibtuA0fjpfJgt7uwFpnIudw0536BEEQLsaIESN49NFHefrpp/Hx8SEoKIi5c+c2KiNJEvPnz+eGG27AxcWFyMhIli1b1nB+y5YtSJJERUVFw7HExEQkSSIzM5MtW7Zw9913U1lZiSRJSJLU0Me8efOIiorCYDAQGBjILbfc0qrXe1UFpQAefvhhsrKysFgsxMfHN9qeesuWLSxYsKDh+fvvv99QtqCggJ9++olevXpdgVELgiAIwoUx19awZ8X3AEQ71KitNlyHDMFt+PBW6c9isbBo0SJKSkrw8PBg1qxZuLk1nt5mdsjcdziDZYXlqIH30v+H264OnLTGodHCuIdjiR4c0irjO58TFSe4f8P9/GPrPyioLSDENYR3h7/LwhsWEhcQd0XGJAjCxcs+dBC71YKHfwB+YRHnLa9X63lvxHtEeERQUFvAY5sfw+KwXHB/Lu46uvb1JC7dgtbhILmmjj2VtfTu3RuApKQkrFYrXkHBeIe0R5FlsppZM8olNgaNpycB9dlSx8UUPkH4Q1EUBZPV3ua35jZHuBhfffUVrq6uxMfH8/bbb/Pyyy+zYUPjnUf/9a9/MWXKFA4ePMj06dO57bbbOHr06AW1P3jwYD744AM8PDzIz88nPz+fp556in379vHoo4/y8ssvk5qaytq1axk2bNhlXcv5XLkFHwRBEARBaGLfjysw19bg7eOH7+Z4UKkIeObpVslAstlsLF68mLy8PIxGIzNnzmyytkCN3cGdyRnsqKjBICm8d2g+1UeupUb2x8VNzU2P9sY/zL3Fx3Y+NdYaPj34KYuOLsKu2NGpdNzb817u6XEPBo3h/A0IgvCHcmo9psje/S/49c5T78nH137MHT/dQVJxEnN2zuGNoW9ccP24cT04vGcXPTJtHOio5r8nS/isWwReXl5UVFRw5MgR4uLiiOzVl/15J0lP2EuXQdc0akNSq3EbMZzATb+S4+vBiX27ufaeB69I1qggCE3V2Rx0e3Fdm/d75OXrMeouPdwSExPDnDlzAIiKiuLjjz9m48aNjBkzpqHM1KlTG5YmeuWVV9iwYQMfffQR8+bNO2/7Op0OT09PJElqtHFcdnY2rq6ujB8/Hnd3d8LDw1s9seeqy5QSBEEQhD+r2opy9v+8EoDORRVIgNetUzF07tzifTkcDpYtW0ZmZiY6nY4ZM2bg7+/fqEyZzc4tiSfYUVGDmyTz0f6PKTs8nhrZHy9/Pbf8s3+bB6QUReHHEz9y08qb+OrIV9gVOyNCR7By0koeintIBKQE4SqkyDIn9u8Bzj917/fCPcJ5b8R7aCQNP6X/xJeHvrzgul6BRjpEqel3zJlh9XNxBflWe0O2VEJCAuAMlAFkJO5HkeUm7bhffz2+NXWoZYWaslIK08++07cgCMKFiImJafQ8ODiYoqKiRsd+v+HboEGDLjhT6mzGjBlDeHg4kZGRzJw5k0WLFmEymS6rzfMRmVKCIAiC8Aexe/kS7BYL/j5++GyOR+Xmhv+jj7Z4P7Iss3r1alJTU1Gr1dx+++2EhDSefpdvsTItMZ00kxkfyc5bOz/nZPatyGgJ6uDGuL/3wuCmPUsPrSOlLIU34t8gocj5QTHMPYxn+j/DsPatm1YuCELrKjhxDFNlBToXF0K79bjo+gOCB/DsgGd5ZfcrfHjgQ2L8Y+gX1O+C6vaaGEvGOweIKLSSGajjq9wSHo6LY/PmzWRnZ1NSUkK7rt3QuRipq6qk4MQxgqO6NGrDdcgQtEYj/lW1FHi5cWLfboI6Rl30dQiC0PJctGqOvHz9Fen3cvx+sxlJkpCbCYqfjUrlzD86cxqhzXb+jRjc3d1JSEhgy5YtrF+/nhdffJG5c+eyd+/eVtupT2RKCYIgCMIfQEVhAUm/OtPLO6VlIgF+sx9E4+PTov0oisK6des4ePAgkiQxdepUOnTo0KhMZp2FiQnHSTOZCcbMG1sXkp19GzJaIuN8mfhEnzYNSFVaKnlt92tMWzONhKIEXDQuPNb7MVZMXCECUoLwJ3Bs7y4AImL7oNZc2mvL1M5TmdBxArIi88xvz1zwwudBHb0IDLQ3ZEt9k1eK1tWNqChnUCkhIQG1RkNEjHP6yvF9u5u0odLrcRs1isAqsa6UIPzRSJKEUadp81tbTOHdvXt3k+enNms4lf1+5kZwiYmJjcrrdDocDkeTdjUaDaNHj+btt98mKSmJzMxMNm3a1MKjP00EpQRBEAThD2Dn0kXIDjvBXr545xaiDQ3Fe+bMFu9n69atxMc7PzBNmjSJrl27Njp/tKaOCQnHyDZbiZCr+NevaziZPxGAmJHtuf6BGDS6y/v270LJiswPaT9w04qbWJK6BFmRuT7ielZPWs19Pe9Dp9a1yTgEQWg9iiyTsn0rAF0GDb3kdiRJ4vkBz9PRsyPFdcU8u+1ZHHLTD1vN1es1oSed82x41dopsztYUVTeMIUvMTERu91O1MAhAKTs+K3ZKXwe11+Hf5UJSVEoyc6korDgkq9FEAThQixdupQvv/yStLQ05syZw549e3j44YcB6NSpE6GhocydO5djx47x008/8e677zaqHxERQU1NDRs3bqSkpASTycSaNWv48MMPSUxMJCsri6+//hpZlunSpUtzQ2gRIiglCIIgCFdYUWY6R7dvAaDjgSMABDz1FCpdywZd4uPj2bLF2c/YsWOJjY1tdH5/ZS2TDxynyGon2lbM4+viyS8dBcDgKZ0YemsUKlXbLN6bXJzM9J+mM3fXXMot5XT07Mh/r/sv7wx/hyDXoPM3IAjCVSE35QjVpcXoXIwNazddKqPWyLsj3sVF48Lu/N18nvT5BdXr0CsILzcLfY5ZAfhPTjGdOnXCzc0Nk8nE0aNH6dinP1qDC1XFheSmNV2zxXXoUAx6Az41ZgBONJNRJQiC0JJeeukllixZQkxMDF9//TWLFy+mW7dugHP63+LFi0lJSSEmJoa33nqLV199tVH9wYMH8+CDDzJt2jT8/f15++238fLyYvny5YwaNYro6Gg+/fRTFi9eTPfu3VvtOsSaUoIgCIJwBSmKwtZvvgRFIdTFHY+qExj79sX9ujHnr3wRDh48yC+//ALAiBEjGDhwYKPzv5VVc9ehDEwOmd51Odzx60lKTX1QqRRG392DqH6BLTqesykzl/HvhH+z/NhyAFy1rjwU+xC3R9+OVtW2a1gJgtD6jmzfDEDngUPQtEAgvqNXR14Y+ALPb3+eT5M+ZUDwAHoH9j5nHZVKIu66ThStPsn27nqO1prZXmWiT58+bN26lb1799KzZ086DxjM4a0bSdm+hfZdG39AUxkMuI0cSUD8dkrdXUiL30mfcZMu+3oEQfhrWLBgQcPjU18gnmnlypVNjoWEhLB+/fqztjlkyBCSkpIaHTtzjSmA+fPnM3/+/EbHmuu/NYlMKUEQBEG4gjIS95GdnIhKraZjwiGQJAKe/WeLrkWQmpra8GZmwIABDB8+vNH5n4ormJGUjskhM7QqjalrK6g0dUGnhwmP9W6TgJRdtrM4ZTHjV4xvCEhN6DiBNZPXMKv7LBGQEoQ/IbvVStqu7QBEDx3ZYu1O6DihYX2p57Y/R4215rx1ug6PxEuyEJvhXAh4fnYxffr0QaVSkZ2dTUFBQcMYU3duw2FvumCw+/XXEVxRA4pCXuoRKosKW+yaBEEQ/qxEUEoQBEEQrhDZ4WDrQuf25R0dKoxWO56TJuHSginSGRkZfP/99yiKQmxsLNdff32jgNe3+aXcfygTq6JwXclBrt+gwmRth5uHipuf6U+7Lt4tNpazSShM4LY1t/F6/OtUW6vp6tOVr2/4mteGvoafi1+r9y8IwpWRcWAfFlMtbr5+l7Tr3rk82/9Z2rm1I7cmlzf2vHHe8lqdmh5DAxmQakZSFLaWV3NSpW1Yd2/v3r2E9uiJq7cP5toaMg7sb9KG27BhuOj0+NbUAZCyY2uLXpMgCMKfkQhKCYIgCMIVkrxpHWW5Oej1BiKS05CMRvwff7zF2s/Ly2Px4sU4HA66dOnChAkTGrYIBvg0u4gnU3KQgYl5exm82Q+r3QffIB1Tnh2Eb4hbi42lOcUm52LEd669k9TyVDx0Hrww4AWWjFtCr4Berdq3IAhX3qm19LoOHoakatmPJW46N14f+joqScXqE6tZl7nuvHV6ju2On9lKdI5zban5OUX07+9c5yopKQmLxUrXwcMajf1MKoMB9xHDCSl3ZmYd2ba5yVQZQRCElqAoCpMmTbrSw2gRIiglCIIgCFeAxWRix/eLAIgqKkcry/g98ADawIAWab+4uJhvvvkGq9VKREQEt9xyC2q1c9c8RVF4Kz2fuSfyAJiWsYuYbRE4ZBfaR7kx+ZmBuHnrW2QczbHJNr46/BXjV4xnTfoaJCRu6XwLayavYVrXaahVbbO7nyAIV465pob0hD0AdLum5abunal3YG/u7XEvAC/vepnC2nNPpzN66OjWz51Bqc7FylcWlqMLCsHf3x+bzcbBgweJrh/rif3xWEy1TdpwHzuWoMpaVIpCWW4ORZnpLXxVgiAIfy4iKCUIgiAIV8Celd9TV1WJu96F9pl56MLD8bnn7hZpu6KigoULF2IymQgJCeH2229Hq3WuySQrCs8dy+X9LOeHs1kpu+i8pwugpnNfP8Y/1he9S+vtg7Irbxe3rL6Fd/a9g8luoqdfT74d9y1zBs3B29D6UwUFQfhjSIvfjsNuxy8sAv/wDq3Wz+y42XT37U6VtYo5u+acN3MpbmIv2pdbCSuyYVPgy9yShmypvXv34hcWgU+7UBw2G2nxO5rUdxsxAoO7OwGVzoDV0W2bW/6iBEEQ/kREUEoQBEEQ2lhVcRH7f14FQOe0TFRA4AvPo2qBnadqamr4+uuvqaqqws/Pj+nTp6PXO7OebLLCw0ez+V9uCZKicM/B/YQf7AJAn+tDGX1vT9Sa1nlrkF+Tz5NbnuSBDQ+QXpmOt96blwe/zDc3fkMPv5ZdS0YQhD++o9u2ABA9dESr9qNVaXl96OvoVDp25O5gxfEV5yzv7mOgS4yOgfXZUl/nFhPZvTs6nY7S0lIyMzMbMrtOXcOZVDodHhMm0K68GoCUnb8hy44WvSZBEIQ/ExGUEgRBEIQ2tm3xVzhsNvwkDQEVNbhdey1u11xz2e2azWa++eYbysrK8PT0ZObMmbi6ugJQ55C5+1AGywvL0Sgy9+09RLuUDkiSwvA7OjNwclSL7vh3isVh4fOkz5mwcgIbsjagklTc0fUOfpz8I5OjJqOSxFsRQfirKcpM5+TRQ0iSiq5Dhp+/wmWK9IrkkV6PAPD23rfJq8k7Z/neN/ejc54V3yoHVQ6FxcXVxMXFAbBr1y5nIE2SyDmcREl2ZpP6XlNuxr/ahNbuoLa8jJxDyS18RYIgCH8e4p2gIAiCILSh/OOpDTsydUnNQKXXE/jss5fdrtVq5dtvv6WgoABXV1dmzpyJp6cnAFV2B7cfPMGvpVXoZTv37jxOUEY7NBqZG2fH0mNY+8vuvzm/nfyNyasm89GBjzA7zPQO6M3347/n2QHP4qn3bJU+BUH449u/xpmtFDVwCB5+/m3S58xuM4nzj6PWVsuLO1885zQ+r0AjUZ0Vhhx17qL3aXYhsf37I0kSx48fp05WiOo/CIB9a1Y2qW/o2hWX6GiCK5wLnh/dLqbwCYIgnI0ISgmCIAhCG1EUha0LvwCgfZ0Nzzorvg/cj659u8tq1263891335GdnY1er2fGjBn4+fkBUGK1c8uB4+yurMXNYeae304ScNIPFxeFSf/oT0SM32Vf1+/lVOXw8MaH+fvGv5NTnYO/iz9vXvMmC8YuoItPlxbvTxCEq0dVSTEpO38DoN9NN7dZv2qVmleHvopBbSA+P57vU78/Z/net/SnR5YVrxoHJXaZX8wK0dHRAOzcuZN+N00BnLvwVZeVNKnvdfMUQuqDUmnxO7FZzC18RYIgCH8OIiglCIIgCG3k+J5d5KYcQa1SEZWRizY0FN/77rusNh0OB0uXLuXEiRNotVqmT59OcHAwACfNViYdOEZSTR3etlpmbSzDr9ADT2+JKc8NIrCDR0tcVoM6ex0fH/iYSasmsfXkVjSShru638WPk39kXOS4VpkeKAjC1SXhl9XIDgeh3XoS1DGqTfsO9wjn8T6PA/Du/nfJqc45a1n/MA86RtgZnOIMJs3LKqDvQGd2VHJyMsaAINp17Y7ssHPglx+b1PccPw4fqwOjxYbNXEfKjt9a/oIEQRD+BFpvex1BEARBEBrYbTZ++/Z/AHQoLMPF5iDwuWdR1S9CfilkWWbFihWkpqaiVqu5/fbbCQsLA+C4ycy0xBPkWmwEmiuZutGKd42BwFAd4x7tj4v75S+qfoqiKGzM3sjbe98mvzYfgIHBA3m2/7NEekW2WD9/RoqigN2ObLGgmM3IZguK9YzHdhvICsgOFIcMiozicIB86v7352SQZeDcO4zVd35h47uwC7mAMhfWVLN+H89sJsDZJOjZpMz5zjdzrEmVS2jjfP0228T56jQX4L3Ifi72ZyhJSFotklaHpNMh6XWodDokvR5Jr0ft4YFkMJwz+Gwx1ZK8cS0AfdswS+pMt3e9nV+zfmVf4T5e3PEiX1z/xVnXtut/+0COv7mPbd0M5AE7NUbCw8PJysoiPj6evjfdTG7KYQ5u+IUBk6ehNxob6qq9vPAYM5rQvbtIDfElcd1P9Bg5RgTnBUFo1l133UVFRQUrV65ssz4XLFjA448/TkVFRZv12RwRlBIEQRCENpDw8yoqCvLRSyoiC8pwGzEC95EjL7k9WZb58ccfOXToECqVimnTphEZ6QwAJVebuO1gOqU2O6E1ZUzeBJ51ajp0d2PM3/qg1alb6rJIr0znzfg32ZW/C4Ag1yCe7vc0o8NG/2U/fDlqarEXFmArKMBeUIitsABHSQmOyioc1VXIlVU4qqpwVFcjV1ai2GxXesiC0CIknQ61pydqL09Unp6oPb3Q+HijDQlB264dh05mYK2rw7d9GB3i+lyRMaokFS8PeZkpq6ewr3Afi1MWMz16erNl/cM86NzBzqBUM+t7ufJRZj5fDhpEVlYW+/bt45rHH8c7pD3leSdJ3rSOvuMnN6rvefMUQtet41iQD0WZJ8g/lkJI5+i2uExBEISrhghKCYIgCEIrqy4rYfcPSwDokpWPVqMl8LlLX9xcURTWrVvHgQMHkCSJKVOm0LlzZwB2V9QwMymdaodMZEUpk7aocLUo9Bzqz9A7eqBStUygqNZWy2cHP2PhkYXYFTtalZa7e9zNfT3vw0Xj0iJ9/JHJdXVYMzKwnDiB5fgJLCeOY83MxF5QiFxTc8ntSgYDkl6Pqj77RNJqkdQqkFSgViOpVKBSOe/PeI5ahaRSOx+rJKSL3dXwYgOIrV3+TL/PwmouK+s8ZZTfp2k128ZF9ttsdtjv+m1S5zx9XGK/Ta/vItu8gDKKoqDYbSgWK4q1/maxoFityBYLOBwoViv24mLsxcVNmpclSOwaDjoNocmp5Nz/AIZu0bj07o2xd2/Unm23+UGoeyj/6PMPXo1/lQ/2f8DQdkMJ9whvtmz/2weR8kY826NdyMLOYc9g/Pz8KCkpIeHAAfqOn8SGzz8m4efV9Bp7E2rN6Y9XroMGYgwMJLiimlwfDxLX/SSCUoIgnNeIESOIiYnBYDDw3//+F51Ox4MPPsjcuXMbykiSxLx581i9ejVbtmwhODiYt99+m1tuuQWALVu2MHLkSMrLy/Hy8gIgMTGRXr16kZGRQWZmJnfffXdDWwBz5sxh7ty5zJs3j/fff5+cnBw8PT255pprWLZsWatdrwhKCYIgCEIr++2b/2GzmPG2OWhXXoPvQ7PR1U+zuxSbNm0iPj4egIkTJ9K9e3cAfi2t4r5DGZhlhS4lpUzcKqG3KwyaFE6v6yNbJHNJURR+zviZd/e9S3Gd84Pn8PbDebrf04R5XPo1/ZE5KiupS0qm7uBBzIcOYTl+HFtu7jmnrKnc3dEGBaIJDEITFIjGzw+1pxdqDw/Unh6oPDycjz08ULm6OoNROl3Dn5FDVrDaZax2GYvDgdUuY3c4Qw+yotR3rSArzmEoOI+dPnf6ceM6wil/0US+JiRAJUmoVRIqSXLGOCUJVf1zdf2xM8uoVRJatYRRp0GtklAUBbnWhFxZgaOy8vStohJ7SQm2vDyOZh3HbK9Fb7MTmJNHbXYetTt21A9CQt+5M27Dh+M++loMPXo4A66t6NYut/Jr9q/szt/NC9tfYMHYBahVTbNIfdu7062jzMBUM5tijbybkceHgwbzy4+r2bVrF3+fPZsd331DdWkxyRvXEXf9uNM/W7Uan+kzCP/4Q3J9PEjbvZ3hM+/F1cu7Va9NEIQzKArYTG3fr9Z4Wb9ovvrqK5588kni4+PZtWsXd911F0OGDGHMmDENZf71r3/x5ptv8u9//5uFCxdy2223kZyc3LApw7kMHjyYDz74gBdffJHU1FQA3Nzc2LdvH48++igLFy5k8ODBlJWVsW3btku+jgshglKCIAiC0IpOHjlEyo6tAHTLyEPXrh2+999/ye399ttvDW8ObrzxRuLi4gBYVlDG4ynZ2BXokV/G+B0Selnm2ru703lA8GVfB0BqWSpv7HmD/YX7AWe2wTP9nmF46PAWaf+PQJFlLKmp1CUmUncwibqDB7FmZDRbVu3piS6qE/qOndB3jETXIRJtuxDUAQFUSToKq8xkV5kpqrJQUmuhqs5OtdlGVbGd6hwbVXWlVJsLMVkdWB1yQxDK6pBxyCKCJFwddBoVLlo1Rp0aF53z3tNFi7cxAB/X9vh21RPQ3Uzh/14COwy86wE6hkViTkujLimJun37sWZmYklNxZKaSunnn6MJDMRj7PV4TZ2KvlOnVhm3JEm8PPhlJq+eTGJxIt8c/YY7u9/ZbNn+tw/m6Ku7ie9sIAs41L4dHh4eVFVVkZiUxMApt7Hpy0/ZtvgrOvUfhJu3T0Ndr1un4vPJJ3jWmql0NZC8aT0Db57WKtckCEIzbCZ4PaTt+30uD3Sul1w9JiaGOXPmABAVFcXHH3/Mxo0bGwWlpk6dyn31G+a88sorbNiwgY8++oh58+adt32dToenpyeSJBEUFNRwPDs7G1dXV8aPH4+7uzvh4eH06tXrkq/jQoiglCAIgiC0EtnhYNP/PgUgtLQKzzorQXNeROVyadPbdu/ezaZNmwAYM2YM/fv3B+DT7CLmnsgDoHdWOWPjwUXj4IZH+9K+y+V/I19lrWJe4jyWpCzBoTgwqA3c1/M+7upxF3r1pS/U/kegKAq2rCxqd++mdtduTPHxOJpZ8FMbFoZLbCwuPXui79IFwiPIVvQcKTGRXlxDenEtWYdMFO7MpKgqFatDbtFx6jQqtPVZKkjOrJX6hw2PQUIlUX/81GPnt7QqlfOYyA5yElljp53KonPICrLivDkfgywrOOqfKwoNj890KphaWXf2tdFuKFxHJ4uZAn0At+3S0+F4JVGBHekyohe9Zj1GT6Md1YH9VG/cSO1vv2EvLKTsq68p++prXPr0wXvarXiMHYuka7kNGgCC3YJ5ut/TzNk5hw8TPuSadtc0uzmDd7Ab3TvDNUfqWNvHlX9nFTDvmmH8+tMatm/fziOPPMyRrRspOHGMzV/9h5sef6ahrtrdHa+ptxCxejkHXQ0c/PUX+k+8BZW65db2EwThzycmJqbR8+DgYIqKihodGzRoUJPniYmJl9XvmDFjCA8PJzIykrFjxzJ27FgmT56M8YyNHFqaCEoJgiAIQitJXP8zxdmZaBXokl+Kx7hxuA0bdklt7d+/n7VrnbtWDR8+nCFDhiArCq+eyGdejvNNypC0CkYeUHB3czD+iUH4tnO7rPHLisyq46v4IOEDysxlAIwJH8NTfZ8ixO0KfOvYQhyVldRs207tzp3U7t6FPS+/0XmV0YhLr164xMZgiImhPDyKwzUqknMrOZxXxYktNeRW7D1vYMPXVUewu4YoVxOhOhO+Wgteqjq81GbcMeGGCVelFp1iQaPYUCs2NLINlWJDJVtRyTZUDiuSbENyWMBhBxRQ5Pqoyqm5e/Lpx9TP12tyTL4ykZg2jYJdRF8tMaw/6rVddlf165RJalBpQKWuf3zqmBpFUiOrdchqA3a1AZvKBatKj1UyYJEM1GCkXHGjRHYlJ6cce0Y6MhI7g0ZhV+BYUQ3Himr4ObnA2aUEnQM8GDr6fkY98BTd8lKoWbmCms1bqNu/n7r9+yn64AP87r8fzylTULVgcGpyp8lsyNrA9tztvLDjBb6+4Ws0qqYfkQZMH0zqnO3s7mKgyE3Nfr92eHl5UVFRwf79CYx54BG+efZx0nZtI334KCJ79Wuo6z1zFkHfLOKo3UFNaQkn9scT1X9wi12DIAjnoDU6s5auRL+XU12rbfRckiRk+cK/8FLVT4E+c21D2wVsrOLu7k5CQgJbtmxh/fr1vPjii8ydO5e9e/c2rE3V0kRQShAEQRBaQU1ZKTu++xqAzrnFGFzdCHz2n5fUVlJSEj/++CPgXANgxIgR2GSFJ1OzWVpQDsCYg1UMSJHx84fxTw7DzfvyMpgOlxzm9fjXSSpJAqCDZwf+2f+fDA65Oj9IWTIyqNm8hZrNmzElJIDD0XBO0mpxiYvDOGggjl79OGgMJqmghuTcKpJ/q6DclNhsm54GFf18zPR2L6ebrpj2UhHejjJcbSXo6opR1RZBRSlUtM01CkJbkQB1/U0LnC330yqrWHCiD9UYGOB7kqeCXsfqEU6pIZwsqR0HzEH8WBLI0XI1qYXVpBZW88V2cNNrGDH4HqbeMZuuCVuoXLIEe14+BS+9TMn8T/F7aDZeU6citUC2kSRJzB00l8mrJpNcksyCwwu4r+d9Tcp5+Bnp3d+V4YfqWDXQjXnZhfznmuFs+nEV27dvp+/jj9P7xonsX7OCjV/MJ/SdnmgNBgB07dvhdd0YQg/s4USgN3tX/UCnfoP+sjuUCkKbkqTLmkb3R7Z7925mzZrV6PmpqXb+/v4A5Ofn4+3tzJr/fRaVTqfDccb7oVM0Gg2jR49m9OjRzJkzBy8vLzZt2sTNN9/cKtchglKCIAiC0Ao2f/1frHV1eNVZCSutIvDVV9D4+V10O0eOHGHFihUA9O3blzFjxmCSZR44lMXGsipUssz4vbXEZtoJ66Tj+r8PROdy6b/ey83lfHjgQ35I+wEFBaPGyOzY2UyPno5WrT1/A38Qis2GKeEANZs3U7N5M9asrEbn9VFRuA67BltsXw54hROfV8uejDLSVhUBjdPj9SqZa/0rGe5RQE9NDsH2XNxNOagrM5HKzFB2nsGoNGD0A4Mn6N3B4AF6j/rHnqB1AbUeNDpQn3HT6EGtdZ5T60CtcWaxcGqO3hmPqX/e8Fj63eMzy7aRNs3MauMssD/rtZ3KvFNkkB2gOEC2n/FYrr93gMMCtrr6mwmsJue9zQTmSpTaUn5LrKXarsNDa2aQXyZSlYy+KpcQdhICDAIeAuzBHSlw684ORzcWFHbgaK07a5LyWZME/u5duOWpj7ilMAH526+xFxZSMPclyhcvIfC553Ad0P+yLzvQNZB/Dvgnz29/nnmJ8xjefjhR3lFNyvWZ2p/Dz2xgZ4WBYi8Nv3kG4OPjQ1lZGfHx8Qyeegdpu7dTVVzEb98u4Np7Hmyo63vXXURs2ECGvyf5x1PJOphARFyfyx67IAh/XUuXLqVv374MHTqURYsWsWfPHr744gsAOnXqRGhoKHPnzuW1114jLS2Nd999t1H9iIgIampq2LhxI7GxsRiNRjZt2kR6ejrDhg3D29ubn3/+GVmW6dKlS6tdhwhKCYIgCEILy0jcT9qubUhAj+xCXPv2xXPKlItu5+jRoyxbtgxFUYiNjeXGG2+k3O5gRlI6CVUmdA47k3fU0TnfRveBXgybGYdKfWk7VjlkB8vSlvHhgQ+pslYBMC5yHE/2eZIAY8AltdnWHDU11GzZ6gxEbduGXFV1+qRWi2u/fqiHDuNIWE82VWnYdaKUzE0m4OjpYti5zreYaz3z6KHOpp35GMbyFKRKM1Q206lKA94R4BMJ3h3AIxjcAp039yBwCwIXb+fUJ0H4C9m7ahkHcxcAMPrJ19F2CoXKk1B2AkqOQUkqFByC8gw05SdoX36CaaxmGlAX1Jl9+gF8VBTLnuoQ5u/O5XNVEOPve5v7Kw6i/eYLLKmpZN95J+7XX0/g88+hDbi816mbIm9iQ9YGtuRs4dltz/LtuG/RqRtPE9QbtQwY256R+yv5/hp3/pNTxH+vGc6OVSvYuXMn/fv3Z/S9D7HirZdIXLcGDz9/+k1wvva7xMbiFRNLWEEWmf5e7PxhMeGxvUW2lCAIl+yll15iyZIlPPTQQwQHB7N48WK6desGOKf/LV68mNmzZxMTE0O/fv149dVXmTp1akP9wYMH8+CDDzJt2jRKS0uZM2cOo0ePZvny5cydOxez2UxUVBSLFy9u2Om5NUiKIpZ6PJeqqio8PT2prKzEw8PjSg9HEARB+IOzWS189Y+HqCwqpENRBd3KauiwcgX6Dh0uqp2jR4+ydOlSZFmmZ8+eTJ48mTyrndsPnuCYyYLRamPab3W0L7UxZFIYsdd3uuQPN4lFibwW/xopZSkAdPbuzLP9n6VvUN9Laq8tOaqqqN60iep166ndvh3ljPUS1N7euA4bRmlMf7Z5dmRzTi0HcioaLdTsKdUw2TeXa90y6G4/infFISR7XdOOdG4Q2AOCeoJfZ/CNdAaiPMOcGUyCIDRI2riODZ9/BMDwmffSd/zksxc2lUFuAuTshhObnI/PyA6r9ojiZ4by/4r6U4InANeHuvBY9makH5eDLKPy9CTouWfxmDDhsoI8JXUl3LzqZsot5dzV/S7+0fcfTco4HDKLn/mJj/oGkRWoZZyvO723raW4uJjBgwdz3XXXsXf1D/y26H/OsT74GD1GOnfLqt68mROPPMLm6HBklcSU518hIqZ1d7UShL8Ss9lMRkYGHTp0wFA/ffbPSpIkVqxYwaRJk67oOM71M7/QWIp4FyUIgiAILSh++XdUFhVisDuIKizD/6n/u+iAVEpKSpOAVFqdhdsT08m32vAyWbltq4ngGitj7u9JZJ/gSxprSV0J7+9/n9UnVgPgrnXn4V4Pc2uXW5td6PePwl5eTs2mTVStW0ftrt1wRiBK16EDqmuGczQilnWKP9vSyyhLtgInAfChioleJxjndoyu1sO4VR2DGpy3U1y8IaQ3BMc4g1BBsc4AlMh2EoTzOha/k1//8wkA/Sfecu6AFIDRB6JGO2+jXnAGqU5sgsMr4Nh63KuOMY1jTDV+w363kbxWOox1OZGskwZyzwN9mLb5K+TUFPKe+SdVv6wl6OWXLjlrys/Fj5cGv8Sjmx9lweEFDGk3hIHBAxuVUatVDL61B2k/ZPOf6zz4qbSa0deMonj5d+zevZs+ffrQb8IUTFWV7PtxOes/+wi9mxtR/QbhNmIEXj16ElaUQ6a/F7uWLSa8Z5zIlhIE4S9NZEqdh8iUEgRBEC5UUWY6i557AtnhoHdGPh06RBH+7aKLWow3NTWV7777DlmW6dGjB5MnT2Z/dR0zk9KpdMgEVFm4bUsdQYqFcY8NJLCD50WP0ybbWHx0MfMOzqPWVgvAzVE382ivR/F18b3o9tqCvbSU6l83Ur1uHbXx8Y0WKtd16oR50HB2hMaxqlzH4fzqhnNumBiuP8Zkr+P0kZPxrk5r2rhPRwgbCKEDnPe+USIAJQgXSXY42Lv6B3Yu/RbZYafnqOsY88AjlxdwqauAoz9Cwtdwck/D4WMusTxfMYE9SjQuksKbtoN0Xvcd2GyofXwIefONS97pFOClXS+xLG0ZAcYAfrjpB7wMXo3OK4rCmtd+4XN/H/Z2NtDZoObeEwfJOH6czp07c8cdd6AoCus/+5BDmzegUmsYfOt0+k24GfP+BFLvvpst9dlSU//1GmE9Yi95rIIgnCYypdpeS2RKXXVBqU8++YT/9//+HwUFBcTGxvLRRx/Rv//ZFzhcunQp//rXv8jMzCQqKoq33nqLG2+88YL7E0EpQRAE4UI47Ha+ff4fFGWeIKiihj755XRYsRx9x44X3MaZAanu3btz8803s6GshgcPZ2JWFEJLLEzbZqKdm41x/7gGD9+z7Xl1dnvy9/B6/OucqDwBQHff7jw34Dli/GMuuq3WZi8upmrDBqrXrce0d69zkeV6ui5dKO07lM0B3VleqqWwygKAhEw3KYvbvFIYpU4kpPYIkvK7nWUCukPkcAgf4gxEufm35WUJwp9OeUEev3zyHvlpzinA0UNHMPbvT6BSXf7ueA1y90P853DoB5Cd2ZGH9HG8WDWJBKUzg1QVPHdgCZqM4wD43H03AU88jqTTnavVZplsJqatmUZmVSZjwsfw7vB3mwTXKotq+fLVHXx0gx8mg4qngzypWboQWZaZPn06UVFRyA4Hv3zyHik7tgIQ0qUbNzz0BFX/msOe9KNk+XnSrmt3ps19U2RLCUIL+CsFpf4o/nJBqe+++45Zs2bx6aefMmDAAD744AOWLl1KamoqAc2k6e7cuZNhw4bxxhtvMH78eL799lveeustEhIS6NGjxwX1KYJSgiAIwoWIX/E925d8jdYhMywlm/aPPYbf/fdfcP20tDS+++47HA4H3bp1Y8qUKfwvv4x/HctFATrlWbhlZy2RoRLXP3YN+ovcYa+gtoB39r3Dusx1AHjpvXis92PcHHUzKumPkxVkKyykev0Gqtetw7R/f6NdzjTR3ciNGcRan2hWl6oxWZ3BJndMXKs7zK2eR+ll3YeLpaRxoz6R0GEYdBgOEdeIIJQgtJCKwgKSfv2FA+vWYLdY0LkYGXX33+g2bFTrBVkqc2Hbu87sqfrg1AZpMHPqbqPY4cnrRVvoEe98nTP07En7D/+NNvjipzgfLj3MjJ9mYFfsvDDgBaZ1ndakzL7v45mfaeenfq64SzKvmEtI2b0TPz8/Zs+ejVqtRlEUDm/dyOYFn2Gtq0OrN9Cz70D0//uG+E4hyCoVNz35LJ0HDLm8n4sgCCIodQX85YJSAwYMoF+/fnz88ccAyLJMaGgojzzyCP/85z+blJ82bRq1tbWsWbOm4djAgQOJi4vj008/vaA+RVBKEARBOJ+SnCy++edjOOx2YrMK6RTekfBF3yBpLixwlJqayvfff98QkJp88828mlHIZyeLAeh9wswN+0306G1k2D39UV/EDnsWh4WvD3/Nf5L/Q529DpWkYmrnqTzS6xE89Rc/9a812PLyqFq/nup166k7cKDROalbD05E92elR2c2VmhwrlGu0EXKYYLxEDcaDhFhSm6cDaV1hcgREDUGOl0LXmFteTmC8KelKArVJcXkphzmyPYtZCbubzgX2j2GsbMfx8O/jXbrrMiGrW/DgW8ABZuk5xPbeObbb2JUZSYP712MqqYata8v7T/8N8Y+fS66i68Of8U7+95Bq9Ky8MaFdPdtvPuUwy6z+Nk1vDswhHwfDdd7udBtwyrqTCauu+46Bg8e3FC2sqiQtfPf5+SRQw3HjBYrJr0OVy8f7v3wc7R68SFaEC6HCEq1vb9UUMpqtWI0Glm2bFmjeZN33nknFRUVrFq1qkmdsLAwnnzySR5//PGGY3PmzGHlypUcPHjwgvoVQSlBEAThXGTZweJ//R8Fx9MIqKylb1EVHVeuQBd2YYGQQ4cOsXz5cmRZJjo6mnGTb+axtJP8VFwJwKiDJgan1DH4xiB63dTtgrMPFEVhS84W3t77NidrnIt8x/nH8dyA54j2jb6ka21J1pwcqtevp2rdesxJSY3O2bvFcCSqD9+7dGK/WQ+AETNDVIe42f0IQ5UE3K1FjRv06wydxjgDUeGDQaNvq0tpwmQzUWoupcpaRa21lmpbNbW2WqqtzvsaWw1Wh7XxTT59b3PYsDqs2GQbDsWBoijIyCiKgoLifK7IKPU7lJ16LCsyKDQpq3BVvNVrFX/laweQTv2v/nVDQkIlqZCQcP7feU5SJLQOFWo7aOwSGoeE2iGhs0oYTGAwgUsNeJSA/nebU1a301HdzR17B090Gj06tQ43rRseeg88dZ546p03D50HHnoPAlwCcNO5tdxF5ifBL89A9k4AcqQQnjLfS2ZNAO8f+hbv/CzQaAh64Xm8b7vtoppWFIXHNj/G5pzNtHNrx/c3fY+HrvHngbwj+cz/Oo0vxnggqyT+z0Wmeu1qtFots2fPxsfH53R7sszxfbs5uOEXspIaB+B1Li6Ex/TCKzAYdz9/PPwCMLi6oTUY0Or1aPWG+scGVBexTqEg/JWIoFTb+0sFpfLy8mjXrh07d+5k0KBBDceffvpptm7dSnx8fJM6Op2Or776ittvv73h2Lx583jppZcoLCxsth+LxYLFYml4XlVVRWho6FUflPry8QewmExXehh/GVfJP6vmXaVjvzpHzVX78wau2rG39IdUu9WGw2YFRUEjy6gMLkg67QXVddgd2Op3jlOr1Wi0WmodMo76n63WoaCWQatTo9JIF/wXXVZkzA4zDtmZPSRJEnq1Hq3qwsbV0hpeE2UZxW5HsdtBPnOdJwlFpcKhUmNDhYzzA7QKGY3kQIuMCkfThlWa07dWmYLY9AcuKwqKIiM3BHyaBoD+CP8ypD/CIISrgkqRUMsXPtVOlhRKPazk+5o5FlpDtav9ovt017oT5BZEO9d2dPDs0HDr7N0Zo9Z40e2hKHB4Oax7HqrzAfjWPor3zLfwj6NriTuxDwCvW28l8IXnUV3EOlOVlkqmrZlGbk0u14Zdy/sj3m/y5cDmT37lU4eRrT2NeEkyD2Ufpiz9BOHh4dx5552omtk4obwgj/g3XyUj8wQm/cW9NqvUGmebUn1wUVLhHFJ9ALL+GJLkfDWVzghMirWrhD8xg6c33SZMpV1wEFrN1R281RmMeAUGXelhnFdLBKX+uPs9XyFvvPEGL7300pUeRoszVVZiMdVe6WEIgiD8eUkSdrUabFbn7UKr1d/LsgOrzYoW+P3HE5sFsHBR1ICa0x+EZJsVCxc+rlYlAc1906840P4++KSAHYlm37LIAPb625UhcfrP8PfPBOGqI0modVrUOh0qnRaNiwG9tycGH0/03p4Y2wXiFhaMSqfFLttPZ/g5rFgclob7WlstVdYqKi2VVFoqGz2utlU7b+XVHCs/xpaTWxq6V0kqOnp1pIdvD+IC4hgYPJAQt5ALGjc9pkCn0bBhDuz/H3doNjHK7SBPxPyNQ8Ygph/6iYrvv8dy7Bjt/v0B2mbWo22Op96Td4e/y8xfZrIxeyMLDi/g7h53Nyoz5N4RZD3/C6ntdRR4a9gd3YtuOdlkZWWxd+9eBgwY0KRd76AQrnvzPU5MmMgOq4lSdyM+7UOJ6NmLqpIiqkqKsZpM2Cxm581sQVGcmz3IDnvjuL4gCAAoKjWKLCM7HMjnL/6HpvyF/pFfNZlSbTV978+aKVWSk3XVZu9ctW/vr+Jvoq7eb9Gu0nFfpcOGv/bfFbvVwqp3XqWquAi/qlp61MmEfToftcf512nav38/O3c6p5rExcXiFtuH59JyqHIoeJgcjNtbSxdXG8PuHoDe2DhE1dyPXFYUNmVvYsHh/1FuqQCgX1A/7u95P+0u5ANdC1IUsGZlUvvbNmq2b8eWlX3qDIpaTUVEV+L9O7NWH0q1zpUQqYQB0lFG6FPprqShUWynG1NpoV0fiBgK4UPBO6xFX1vL6spIr0wnvTKdzMpMcqqzOVmTi9Vx9uCdWqUm0BhIoDGQAGMAfi5+eBu88dJ74aX3wlvvjafOE7Vdi9XswGZ1YLM4sFuc9zarA7tVRrbLyA4Zh0NBdijIdgWHLKPYZRwOkB2y87isNPxgFeVUgqJyOlHxzGPyqaKK8zi/K3vVuFpfV66ykUvO13BJklCpdUhqHSq1piHrRqo/z5n3UJ91AyqVhEqjQq1VodaoUKsl571WhVavRm/UoHPRoHfRoDM67/VGLbLORpG5kPzafHKqc0ivTCejMoPjFccpqStpMsxQ91AGBQ9iZNhIBgQNQKu+gKyizO2w+hEoS0dG4j/2G9mUG8uzB5aiN9eiCQig/Ucf4hIbe8E/riUpS3gt/jUkJD6+9mOGtR/W6HxBWiHzvzjMf8Z4I6slntDbqVu/Bo1Gw+zZs/H19W223dqdOzky+0G2dQlFkSQmPvUCnfoNbFJOURQcdnt9gMpc/5qg4Py3X5+jqShnvEYop8so9RmcV9+LgSBcFJvdQZmpjvDwcAz6KzeNvyVIKhUa7ZXJcL8Yf6npe+Bc6Lx///589NFHgHOh87CwMB5++OGzLnRuMpn48ccfG44NHjyYmJgYsdC5IAiCcFk2fP4xSRvXYrDaGXrsJB0/+wy3IefePUlRFDZv3sxvv/0GwLBhw8jtEsOzaTnYkQgptTNtWzX9u2kZdu9g1JrzT0k7VHKIN+LfIKnEuS5TuEc4T/d7uskHptakKAqWlBSq1q2jet16rBkZp89pNOR1imGdbzd+8eyMVaelvyqFkapExuqTaOfIbdyYR3vnulBR1zl3zNNf/tozsiKTVZVFalkqKWUpDbdSc2mz5bUqLeEe4XTw7ECkZyThHuG0d2+PvzoQg9md2gorteUWqsvN1FVZqauxYa6xUVdtxVzrfHz1vLsShLYlSWD00OHqpcfN24CnvwueAS54BhiRvUwcs6RwqOQQewv2cqjkEI4zNjFw17ozPHQ4N3S4gcEhg9GozjHpw1oL656D/QsAOCyH80r5dP62bx1B5flIOh3Br7yM58SJFzRuRVF4effLLEtbhqvWlUU3LqKjV8dGZfZ+u4N3SyS29DRiRGZ2biq1x1MJCwvjrrvuanYaH0DeM/8kfs820gO8cXH34M53PsHVy/uCxiUIwmliTam295cLSn333XfceeedfPbZZ/Tv358PPviA77//npSUFAIDA5k1axbt2rXjjTfeAGDnzp0MHz6cN998k3HjxrFkyRJef/11EhIS6NGjxwX1KYJSgiAIwu8d37ubVe+8CopC//R8ut55D/6PPHzOOrIss2HDBnbt2gXAiFHX8mtQB/6b68wM6JZtYeKeKkaOD6bn2O7nzUIrqSvhw4QPWXF8BQBGjZG/xf6NGdEz0KkvfL2US6UoCubDR6het5aqdeuxZWc3nJO1WjI7xLDGO5rffLvgqatlpDqRUZokhqoOoVfMpxtSaSBs0OlAlH/Xy8qGUhSFnOocDhYfJLkkmSOlR0grT6POXtekrIREhGcEXX260sW7C5EekQTKobjUelBTYqWyqI6KYhNVJWZqy81YzReXSq/RqdAaNOj0arQGNTqDBq1BjVavRqNVObNM1CpUGun0faNjEpLqzDVi6ketapyx0pDJwqnMFxoWsT5dTxBOa5xpdyoLrz637lSmnUKjDL2G8/XZe7JDwWGX62+nH8s2GZvFgaXOjsVkx1Jnx1p/s9TZz7s2nqunDt/27gREuOMdrifHmMbO4u1sytnUKJPK38WfmzrexOROk4nwjDh7gyk/waqHoa4MMzreMt1KxL4i+uc5d8HzufceAp58EukCFg+3OWw8sOEB9hXuo71bexaPW4yXwavhvOyQWTbnR97tEUJWoJaOGpkxOzaAuY5rrrmGa6+9ttl27eXlHLvhRrYFuFHtoicitjc3/3Mu0lmCWIIgNO9qDkrdddddVFRUsHLlyjbrc8GCBTz++ONUVFRccht/uaAUwMcff8z/+3//j4KCAuLi4vjwww8b5mmPGDGCiIgIFixY0FB+6dKlvPDCC2RmZhIVFcXbb7/NjTfeeMH9iaCUIAiCcKbKogIWPvMYFlMtHYoq6BMRRdh//3vODzR2u51Vq1aRnJwMwDVjb+BzvTdbK5wbUIxINjH6WAXXP9CL0J7B5+zfJttYkrKEeYnzqLHVAHBT5E083udxAoytuxW7oiiYk5MbMqJsJ082nHNodaSG92SNd1f2BXSmuz6LEapExmgO0pGcxg25BUHUaGcQKnIEGM4/5fFsKi2VHCo5RFJxEkklSRwqOURF/RTGM+nVejp7d3YGoDy6EurohHuNHzVFNsryaikvqKW6xHx6utxZ6I0a3LydGR5u3nqMHjpc3HUY3LS4uGlxcdehd9Wg16lRORQUiwPZ6kCxOlCsMorVgWyTwS6jOBQUhwwOBcWhgOPUsdOPUZTTH+KV0wGD+j+QhuPOp2c/JzRDBOua1xDYlEBVH9isv29YWFtVH+1U1QdEVRKSRoWkVSHpVEgadf29CkmvRmXUonbVgEGDuc5ObYWF2goL1WVmZ/C3qI6KwlqqSsxNh6OS8A91o320N9b25ey2b+KnzJ8ot5Q3lBnSbggzomcwOGQwquY2PagugJUPwYmNAGyyx7InqQsT07YD4DZ8OCHvvoPa7fyZmeXmcm7/6XZya3LpE9iHz8Z8hl59eppQVWE1X7y1g09GB1DjomKkxk7njWuQgNtuu42uXbs2227V2rWkPPM0Ozq3R1apGHnn/fS+8cKyuARBcBJBqYsjglJXCRGUEgRBEE6xW60s/tdTFGWm41VrZnClhagVK9D4+Z21Tl1dHd999x2ZmZmoVCp6j5vAGxYVJywyWrvCxN01DDdXMfbJUbj7upy1HUVR2Ja7jXf3vUt6ZToA3Xy78Wz/Z4kLiGvpSz3dryxjTkqiau06qtavw56X33DOrtOT3L4Hv/hGkxkYzCD9EUaqEhmmPoQrZ2QmSSpo3/90NlRQz0tK37HJNtLK00guTiapOInkkmQyqzKblNOqtET7RhPjE0uU1J1AcxiqChcq8usoy6+lssh01ul1aq3KOZ3I3zmdyNPfBU8/F4xuWlzUEmqLA0e1BUeVDUe1FbnWhmyyIdfZkU125DobsskODvH2ShCaI+nVqFy1qIwa1O46NN4G1N56NN4GZA8dlWYHpXm1FGRUkn+8kurSxoEqvVFDWA8f6sILWS+vYFvebw17Xnbw7MDd3e9mfMfxTXcblWXY8znKhheRHBaKFQ++TB/LDQnxaB02dB07EjrvE3Th4ee9huPlx5n5y0xqbDWMDB3JeyPeazSVMCchk0+WZ/LVSE8UlcR0awXuu7ag1+u5//778TvL74yCl18hcd0aDrf3R6XWMOON9/EP73CRP2FB+Ov6swSlRowYQUxMDAaDgf/+97/odDoefPBB5s6d21BekiTmzZvH6tWr2bJlC8HBwbz99tvccsstAGzZsoWRI0dSXl6Ol5cXAImJifTq1YuMjAwyMzMZOXJkozHMmTOHuXPnMm/ePN5//31ycnLw9PTkmmuuYdmyZc2OWwSl2oAISgmCIAinrP/sQ5I3rUdrdzD0RB5dPvsPrgP6n7V8ZWUlixYtoqioCJ1OR4cJU5hTUkuVosKj1sG07TWMCpO55v5haLRnz7RKLUvlnX3vsDt/NwDeem8e6/0YkzpNQq1q+S2PFVmmLjGR6nXrqFq3HntBQcM5m07P/pDubPLvhi1Iy1D9IUaqEumuymrciNHPGYTqNBo6jgKjz8WNQVHIr80nqSTJGYAqTuZo2VEsjqbbEIa5hxHjHUtXJY4gUwTqMlfKTpoozatBtjf/Nkdv1OAT4opPsCs+Ia54eelx06nQ22XkCiv2cjOOcjP2cguOCguK9eJ3wZFRMANmCcyKggnnzQzYULADNsBe/9hef9zRcNzZhnMp48Y3Z/uNkqhQ6o+dfq6IRCnhokiAyjnxEzWgqj+mPuOc+oxjZ57XI6Gvvzec8dgVCU9Jwl0B9YWkp6kkNH4GtEGu6Nq7Y/PUU1hlJSe1nOwjZVhMp3fb1Bs1BPYwkhoYz7KKhdTanTtNh7qH8kDMA4yPHN903anCI/DDfVB0GIAlRcMJ3VWET10lKk9P2n/wPq6DBp13mHsL9vLghgexylYmdpzIy0NebpSldXBFPO9k2NnQyxW1IjOr4AT6tMP4+/tz3333oW9mEWbZaiVz+nR2VJdQ5OmKd1AIt7/2Li5u7uf/uQmC0GyARFGUZqfwtzYXjctFbQj0+6DUgQMHePLJJ7njjjvYtWsXd911F+vWrWPMmDGAMyjl6+vLm2++ybBhw1i4cCFvvPEGycnJREdHnzcoFRISwvz583nxxRdJTU0FwM3NjZSUFAYOHMjChQsZPHgwZWVlbNu2jUcffbTZcYugVBsQQSlBEAQBIHnzetZ/+iEoCv3S8+nxxD/wmT79rOULCgpYtGgR1dXVuLq5Yb5+IvOLa5AlifYlNm7bUcGNNwbR7bqeZ22j2FTMx4kfs+LYChQUtCotM7rN4P6e9+Oua9kPKYrDQd2BA1StXUf1+vXYi4oazll0BuKDurE/qCMewXUM0yUzXJWEp1R7RgsStOvtzISKGgPBveAi1kOptdVyqOQQySXJzvWgipObXYjcXedOnEcfutOboLoOGMo9qcyzUlFQ22z2k9agxifYFd8QV7wCjHgaNXioQVtrw1FqxlZSh72kDuUC1ouqQ6EEmRIUSusfV6BQhUJl/X31Gffnewts0Kpw0arRqlWoVdLpmyShOvNeRdNjktTsj1dq5kP/hbwnbu6N8++PNNfOhbzdPtsbzeb+vM5e9sLfrp6taHMhurOWbYk2LvhgC7RL8z+jlvjZn20gdlnB7lCwOWRssozN7nxstcvU2RzYfzcVVgLcAE9UeCLhhYQfEkGoCEZFCCoiUGFs7m+VCrTt3NFFeFDpoiWroJYTiSXUVZ3eKdMzyAVTp1yW8h8KHHnAOYJTNjNseBH2fAbA4dowsrb70aG8ANRqAp95Bu+ZM877gXJz9mae2PIEDsXBrG6zeKrvUw11FEVh47/X8oaXD4fD9RgVBzen7MOtKJ/OnTszbdo01M1M+7aezCVl6i1sC/LArNPSLro7tzz/6lWxC5cgXGnNBUhMNhMDvh3Q5mOJvyMeo9Z4weV/H5RyOBxs27at4Xz//v0ZNWoUb775JuD8vf3ggw8yf/78hjIDBw6kd+/ezJs377xBqVPLHv1++t7y5cu5++67OXnyJO7u53+v2RJBqXNsWSEIgiAIAkBeWgob/zsPgM4FZUSNn4D3HXectXx6ejrfffcdFosF16Bg9vYewm8ltSBJxKZbuPVwETc9MpCAjv7N1q+z1/HV4a/48tCXDd/ujY0Yy2O9H6O9e/sWuy7F4cC0b78zI2rDehzFpxcRNutc2BkYTU67AEKCyximTeJ+1U+ozvzoavByZkJFXQedrgXXs09jPJNDdnC84jjJJckklzin4p2oONHkg7lG0tDdGEsP+tLe3BFDhTemfLlhOk8BMnB6XRkXDx3+oW74BhrxdtXiqQKDqT74lFOFfNh5feb625lkFEpQKEAmH5kClPp7mcL6ANSpIJNOrcLfXY+fuws+Ri1eRh0dXLR4uGjxPOPmqlNj0KkxaNS46NQNQSiDVo1eo7qob1AF4WqiKAoWu0ytxU6txUGNxU6t1U6N2U5xtYXCKjOF1WYKKi3sqjZTWGWmuLoOWYEAJCJQ0Rk10ajpippAWYUtpxpbTjUaoKNGRXS0F5XeBjKLzaQnlVBZUAcFPtyiexa6VLLK9X/kVJ/gXzv+xedJn/O3mL8xLnKcMzilNcCNb0PHkSgrH6I72URcW8imPTF0ys6l8PXXqUtKIvjll1AZz/6hcmTYSF4e8jLPb3+er498jVql5oneT9RvOCAx8u/XU/LSav6tb0dGkJY1Xfow3rSNtLQ0Vq1axaRJk5rsyKdr344Or79O3ROPs7tTO3KPHmbDZx8y9u9PitcMQfgLiYmJafQ8ODiYojO+MAQY9LuszkGDBpGYmHhZ/Y4ZM4bw8HAiIyMZO3YsY8eOZfLkyRjP8Vp4uURQShAEQRDOoaKwgJVvvYTDbiegspae4VEEPf/8WT8cHDx4kFWrViHLMqqoaBa370RerR2NXeGGhFpuslQw5qXrcHFvZuqGIvNT+k98kPABRSbnG48Y/xj+r+//tdi6UYrdjmnfPqrWrqV6w684Sk9nI5l0RvYGRlHT3khkcAHTtL/hJ1U1biAopj4b6jpo1wfU538rUWQqcq4DVeJcB+pQyaGmqfQKdFR3pSf9CbV0wrXSF0uhRF2VDYBKoBJTQ3F3XwN+Ia74eOrw0qvxcChoKszYi0zIudWAcyqbqXEvlCOTU3/LPuNxLjJWwMOgIcTLhfbeLoR4udDDy4VgTwP+7noC3PX4uxnwcNGc88OhoijIch12ey0ORwUOhwmHow5ZtuGos1FtslEl25BlK4piQ5ZtyIoNRbahKLb6jJf6iXuK7AzVKc7Jegqyc0e0UxP2lPpjDY+V+rJ/Xn+1SYkN2W8Nf+ekpucaDpz5XPpdmd+3c2YZLqBM43YkSYWk0qGStKhUOiSVFpWkrb/XoVJpkSQt7io93h4eaNTuaLUeqNV+SM0sRm61y2SX1XKiuJbjRTWkFFTzRW4l6SU1BCDRGw29UNMXDYF2sKaW4wJEA92ivSgw6jiWVUVpvgmS3RknPYq6g4n1nos5piTxwo4X+PLQlzza61FGhY1y/hvucgPS7J2w4m+4Zmxl/KC9bPfuhndSFVVr1mBJS6P9Rx+ec52pCR0nUG2t5s09b/K/Q//DZDPx3IDnUEkq1FoVk/55I5bXf+F9fTsKvDX82msI1+/ZTFJSEgaDgRtuuKHJ64n7yJFEPfkPLB9+wL7IYI5s24xXUAiDbrn9rOMQBKF5LhoX4u+IvyL9Xg7t77IjJUlCli/89/upgPeZWbQ2m+289dzd3UlISGDLli2sX7+eF198kblz57J3796GjKuWJoJSgiAIgnAWdTXVLH/9X9TVVONhstDPoaX9h/9GamYahSzLbNy4kR07dqAAZb0HscLNH7uswrvawa07K5nY10ivm8c5d676nb0Fe3ln3zscKT0CQIhrCE/0eYLrI66/7G/HFZuN2j17qF63nupff8VRVtZwrlpn5EhwOLSX6BGUxf2atailMz706z2g40joVL8+lMe5dwess9dxpPRIoyBUQW1BozKSIhFsjSBG1Z8wS2fcq/yxFamx1Tmn0NmACurXjZHAO8CIj68Bb1cNnhK4WR2oSuqQc6o4tbGfDJyayONAIReZDGQyGwWfHNRIEOLpQoSfKxG+rlzj60q4r5EwXyPtvFxwN5z+s5VlKzZbOVZrGTZbGVZrKZWlpZRYy7DanMfstirsjlocjloc9tqGx2LbO0E4GwmNxh2Nxh2t1hu9PgiDIRiDPhg3fTAD2oUwLDIIvT4ClUpDtdlG8slK9mSWsTWjjPezymlnhyFoGIKG7mhQsqsJBAJQqIz24kSdg5OZ1TjSjVzLvYwJtLDNdxWHlJ08vuVxYvxjeLz34/QL6ud8TZu5Enb+Gza9yjXRR8j29aVwhyekpZEx5RaCX34Jj3Ps3j09ejp6tZ6Xd73Md6nfUWev46XBL6FRaTC46bj1mesxv7meDwa1o8Bdx/r+Ixi1Zwt79uzBYDAwcuTIJq/zPrNm0bWsjLrvv+VQaAA7ly5Cq9fT96abW/ePRxD+ZCRJuqhpdFeT3bt3M2vWrEbPe/XqBYC/vzMbPz8/H29vb4AmWVQ6nQ6Ho+nyBRqNhtGjRzN69GjmzJmDl5cXmzZt4uabW+f1RwSlBEEQBKEZdpuN1f/vFcoL8jFYbQyotBC5cCGa+l/sZ6qrq+OHH37g+PHjWNUajgwcwW6Nc2vxrjlW7kguZOL9/QjsHNSkbkpZCh8mfMi2XOe6AW5aN+7reR8zus1otM34xVJsNmp376Zq3Tpqft2I44z1Aqp1RrJCAjG2t9In+Bj91ccbVw7odnqnvNABoG5+LRNZkcmszHQGn4qdU/HSytNwKKff4KhkNf51YXRTehFh7YpHVQCOEi2y7XTQxpnN5ECllvD2d8HHQ4enXoWHXcGtxopUbYW8xt/unfquMA+ZDByk1weh0nGQjYyXu55OAW509Hejv58rt/oaCfd1JdTHBZ1ahc1WjsVSgMWSidlSgKU2n5yyAsyWfCyWAqzWUuz232WJXTQJtdoVjdoVldqASqVDJf0uo6Q+m0RVn3EiSWqQ1M6sFEkCpPqsEgkJVX2SyqnH9fcAUv3y1A1l/+z+/FfopJzx38aPTq/1dKrMmYFQ5XdlOG+Z0+eaK9O0vqLYUc7I8nPeW5GV+izA+mOybMZur8Zmq0JRrICC3V6F3V6F2ZxLdfWhZq9cknQYjRG4unYiyDWK6bHdmH1NT1D3Y19mOVtSi3gntZiqompGoeVatHRFjVd+LX2ALkEuZBo0ZOTUIBfqGVJ4K4M9JrIz8EcOyTu5Z909DG03lMd7P04Xny4w9AmkiGHIP9xHGOkEjy0nYXskHqU15D75D2p37SLwuedQuTSf/XBL51tw0bjw/PbnWX1iNVXWKt685k1cta64eBqY8dS11L23mfmDgsl31fNLvxGMSdjGb7/9hsVi4frrr28ylc//sceIKa/AvGU9x4N82PrNl9isFgbefJuYyicIAkuXLqVv374MHTqURYsWsWfPHr744gsAOnXqRGhoKHPnzuW1114jLS2Nd999t1H9iIgIampq2LhxI7GxsRiNRjZt2kR6ejrDhg3D29ubn3/+GVmW6dKlS6tdhwhKCYIgCMLvOOx2fv7325xMOYLGIdO/sIrOX/6v2SkchYWFfP/995SWllLq5cvOHv3JVetRyQrXHjQxiwqGv3IDOkPjX7lZVVl8cuATfsn8BXCunzSl8xRmx87G18X3ksatWK3U7trlXKx80ybkysqGc9V6F0pCvPAPqyIuIL1RIErRuiJFjoCo0c6MKK/QZtsvM5edzoAqdk7Dq7ZVN5zXOHT414YRYe1KB1s0XtVBUK5vNJvMGVpS0GhV+PgY8DZq8FCBu9mOscaK2mwDc9P08qL6oNPpAJSDLGT8fIx0CnCnU4Abo/3d6BToRqSfK0ZNFXV1OdTVpVNXl02dOYfKkzkUnSjAYilAlpvu4tc8FVqtNzqdDzqtL9rf3Wu0HmjUbqjVRtQaZwBKfeq52qXZaUqC8FflcFiwO6qdGYb2Kqy2UizmfGcwuP7ebHYGhhXFSm1tGrW1aY3a0On88fSIY0bPvjw8tC+l1ljWHi7hw0MFVJ6s5ia0jEWLl9lOD7Odjq5qTrrpOFFqwVKlZ0jVLQwy3kR84M/sduxgau5Uboy8kYfjHqZ9+z6oZm+HDS+i3ftf+l97nLTkYBxHJSqWLsO0P4F2776DITq62esbFzkOg8bA01ufZkvOFmb+MpMPR35Ie/f2uPq6cu9jw9B9sIV5/dtR4qnn517DuO7gDuLj46mpqWHy5MloNKd/V0iSRNCL/6JvdTWqfTtJC/Zl5/eLsFksXHP7nSIwJQh/cS+99BJLlizhoYceIjg4mMWLF9OtWzfAOf1v8eLFzJ49m5iYGPr168err77K1KlTG+oPHjyYBx98kGnTplFaWsqcOXMYPXo0y5cvZ+7cuZjNZqKioli8eDHdu3dvtesQu++dh9h9TxAE4a9Fdjj46d9vkRa/E5Ws0PdkCX0++gRj375Nyh44cICffvoJq93Bkage7ArugENS4WFycOvucmYO96fL6NhGdQprC/k06VNWHFvRkFF0Q4cbeDjuYcI8wi5+vCYTNdu2U/3rr9Rs2YJcfTpIVKs3UNfOQHhYEaEBJZwZH1F8o5BO7ZQXPhg0jbOyrA4rKWUpJBUnNQShTtacbDivtxnxq21PUF0EkbZueNcEo6rU01wGi06vxsdDh5dOwt2u4FZnw11qfse3cuSGrKdTAaiTKhk/P1c6BbgRFeBGxwA3OvrpCHGvQLbnUleXg7kupyH4VFeXUz+F7ty0Wl8MhiD0+mDnFCJ9EHpDMHp9IHqdP1qtD1qtlwgsCUIbUxQZszmP2tpj1JpOUFuTSlX1IWprj3M6T9JJrTbi7T0YX9/hmFV9WX0IVu07SadKGzeho2/9d/B2RSETiXSLTF39bpsOvYV9ges5HLgdWWfn1s638kDMA84vBo7/imPF31HXFlBbqOP4riB0Zjuo1fjNno3f3x5odio3wMHigzy++XFK6krw1nvz/9u78/ioqrvx4587+0xmy76QjX0PZREEFVEQUWvdV34+wqP44FLqVvvoqwIurUrrz7XI72mrqA+i1aJWa60IBFwAWYSAQICQEJaEkGWSTGYmM5k5vz+GDAyETSFh+b5fr3mRuefcc8+9Hu/c+c5Znh/1fHSoIBBoaOa95//FiwXZVCQZMEVauHDzGrru2Unnzp258cYbsR7UG0uFw+z53e9Z/cU/2dgpuqBE31FjGHPHPRhMphN56YU4rR1pJbgzjaZpfPjhh1x99dUdWo8TsfqeBKWOQoJSQghx9ohEwnz20h8oXvY1WkQxeOdeBv3+ORwXXRSXLxgM8s9//pO1a9fisSawtN9QtttcAPQpb+b2rZVcfc+FuDLdsX2q/dXMXj+bd4vfpTkc7aUzMnskUwZOiQ4dOQ5hj4fGwkIa53+J9+uvoXl/r5+AxYQuW9E5Zw+O1EAsEKX0FrQuI6M9obqPgaQusX2UUuxs3ElRdRFFe6PzQG2q3UQoEgIFCUEXKU3ZpDRlkxvsQXJTJwxNbQ9hsVr1JFoNOABnMIxbB9Y2AlCNqLheT9uIUGmAlHQ73dLsdEtNoGtKiBxnHS5TFaHmndGeT4Fo8Km5eQ9HnrdJw2xOx2rNxWrJwWrNwWLNwWLOwmLJwGRKR/8ThkcKIdpfOOyn0buBes8qPPWr8HhW0tLiictjs3UlKWkkVcGBfLwhje+LarmkRc8VGElER1gptocU2yLQ1BqcMgZZk7aIdZmL0VkVt/e9ndv73k5CSwg1fyra6jdpCegoW5lKaKceAFOvXnR65veH7TVV2VTJlIVT2Fi7Eb2mZ/KAydzZ/04MOgMtwTD/eOFT/pibxbaMaGDrZ7u3cc7WdSS7XFx//fVkZ8evtKqUouZ//syqN//K+uwU0DTS87rwi0d+izMl7QRfaSFOTxKUan8SlGoHEpQSQoizQ7glxL9e/iPFy79BU4pBu2sZ8uwfsZ9/Xly+Xbt2MW/ePPbW1LIupysr83sT0ukxhRRXrG7gzs4w8IaR6PZNZl7ZVMkb69/g71v+HgtGDUobxK8G/YpB6YOOuX6hPVU0LvgS75df0rT8OzhgYsrmBCOubB/pOR6syaHYwlnhpK7ou4+NTlCefx4Yo4Gk+uZ61levjxuGV9dcB0rDGUgmxZdNijebTH8+qb4cDM1tP9jZrXqcBg1nWOHWwKXXsBw0ibsPRdlBw+5qLDoS0xLokW6mZ6qXXJeHFGs1JioIBHZGezz5dxCJ+Ns8biu93nZA0CkXizUafLJacrFYOknQSYgznFIRvN6N1NQsprpmMQ0N36MOmNNOr7fjThxFWdMwPliTScL2ENdhog96IkqxK6TY3KLwBqO9r8L6ED+kfcPazIWYXXruKriLG3rcgKl8GaGPpmDwlNK4w8KOlcnoggql05M0/lZSp/wSvcNxSP38LX6mfzudz0o/A2BA6gCeOf8Zcpw5RCKKb1//gheanXzTJ3pvzm6o5cINK3CFmhk7dizDhg07JKDvmfchRTOeYU2nZEIGPRarjZ8/+Bh5BT87ORdZiNOIBKXanwSl2oEEpYQQ4swXaPLy8bNPsHPzxmhAqtLD0P/7UtyQvXA4zJIlS1iyZAnVNgdLeg1ij90NQOfKEBOKd3PDxBEk5UVXO9nl3cVf1/2Vj7Z+FO1xBBSkFDB5wGTO73T+Mc0FEty+ncYvv6T+i/k0r10blxZ26UjNbsCV7cPsbkHTIKy3onUZia77vpXykjoTioTYXLc5OhfUvl5QZQ1laEpHoi89FoBK9eVEA1Athw4F0QC7WYcTSNTAZdBw6TWMB5xDM4rt+yYaL9s3BK/RriMjq4VeaU3kuT2kWWuwG6uIhHYRCOygubnykGMdfGSLOXNfsCl3X8Bp/99GY5LMqSKEiAmFGqit+4aamsXU1CwmGKyKpen1CZgTLmBV1UC+WZHJxX4LozFiVFARUmwORqhviX4timhhNqUuZ02nL0lINvGf/f6Ta/LHYVo6k8hXL6J8ISpWufDu2NdjNDGJzEd+jeuqX6AdNFm5UopPt33K75f/Hm/Ii81gY8qgKdzU8yYMOgPbl23glQW7eH9IMs0mHaZwC0O3/UDf3aV079aNK664IrZyViv/uvVsefhBlpsUDbZo8H3A6HFc8H/+E7PtzFxlTIhjcTYFpU4VEpRqBxKUEkKIM1vD3io+mP7f1FVXoQ9HGFztZcgrM7H27xfLs3v3bj755BPKqvayMr836zt1Rmk6zMEI49Y2cE9XPf2vOR+dTqO0vpTX17/OpyWf0qJaABicPpj/Kvgvzs0894hBFBWJEFi3jsbCQjzzFxDeuiUu3ZAcJinbiyM7gMkR7Q0QTOyOqdel0G00Kmc4u4Pxk5FvrN1IOBghyZe1bwheJ1Kaskn2Z6GPHDofik4Dh17DrdNw6cGt13DqNfT76t2CovyAle526AIY0xrIyGgkL7GetIQanIYqDKqS5uadx9DbyR4NNh0UcLJac7FYstDppLeTEOL4KRWhoWENVVWfU1X1LwLNu2NpOp2NZv0wlpb1g03d+EXYQZrS2Nui2ByIUBNuXZEwwtbk71mXuZhIWhO397md69OGYf7yaYybP6Wp0sTuVYm0NEaH9Om79yDr4QdJGDnykHv9Lu8uHvvqMVZXrQagZ2JPHhv2GIPSB9FU3cCc/7eIP3fPYkdq9L6cWV/DyM3fkxoMMGrUKIYPH45er4+VF25sZOfUx1letIodKdHh4wkOJ2PveYAug845eRdWiFOYBKXanwSl2oEEpYQQ4sy1c8N6/vHcE/gDfsyhFka0GOn3p5mYcqKrzzU3N7No0SKWLV9OcVo2y7v0xWeKfuD22hFk8p5dXDlxDLZkO9/u/pb/3fi/fL3r61j5wzOHc1fBXQzJOHSS9FZhr5emb76lYdEiGgoXo3nqYmlKA3taM45sP/bsh34cuAAAMEVJREFUAEZrhBaDDdX5Qow9x+LNG8H6Fk9cEMrb6I/2fmoNPjVl4/anoePQybr1GvuCT1qs95NDBzpNI4Ji177hdjtMHuptVVhSPSQle0i31+Ey7cVIBZGWvUe5yjoslsy4gFOs55MlB6MxUXo7CSFOKqUUDQ1rqar6jKq9nxMI7IqlaZqF6tAgthT3oV/lzxgctlPTEmFzIEJVy/6vSXvsZazLWEJVxlau6vkLxtu7k7zoRcwVa6jZbKd6gwMVit7L9AN+RqcHfoXtoOF34UiYDzZ/wMvfv0xDsAGAy/Iv4+6f3U2+I591//ial0vC/Lu/i5BRQ1MRelWUM2T7JvJdDkaPHk3Pnj1jZSqlqP/oYza89H9Z67biM0cDWvm9+3HBhLtIy98/d6AQZwMJSrU/CUq1AwlKCSHEmSfc0sK3c95gxWcfowCHv5lR2d3o9oc/oktIIBKJsG7dOuZ/+SU/GG1817kPNfboL9FJDWFu3FDJHWM6k/yzfD4p+YQ5m+ZQWl8KgIbGhdkXcmfBnQxIHdDm8YPbt+MtLKR6/kJC369GF26JpWnGCPaMZuxZARxZAfRmhT+xF7qeo9ma2YsfTEbW1W5gXdU6qvbWknxA8CmlqROOYFKbxzTvm/PpwFeCLjonwW6dn3LrHqptVfgTqrEl1uF01uIy78XEHjSa2yyzlV5vx2bN2z+n04GTi1uy0OlkdSghxKlBKUVj4zr2VH0W7UEV2L+qqMJEZUM/ItsHMHTvEFoCNrY1h9kZUrFlFfwGL5tTV1Ccvoyf9ejDdbZcBi59B2tVCTUbHdRtSUCF9wWNuvek0+RJOC+9FM1giB2nLlDHy9+/zN83/x2FQqfpGJc/jv8a8F9khNP4ePaXvJaaxebs6L3TEG6h365tFOwsoVtqMhdddBHdunWLBafCHg+7n3+eFd8soizFhdq3veegoYy47Q6Ssjq1w5UVouNJUKr9SVCqHUhQSgghziyeygo++f1UqvZUAJBd28gFV15L5n2/BE2jpKSEL+bP5/tAmJX5vahwR5ffNgcjjCqu54FcHYmj8nl/y/vM2zKPxlAjAAnGBK7udjW39rqVXGdu3DEjfj++lSupW/wVdQsLMe7eEZducrRgzwpgzwpgSw3SaEtnW/5QStJy+MEAP9SXUrXbQ2JjRjQI5YuuhGdpSWjzHG26/QGo6PA7hd5ST7Wtij22PdRbq1AJNVgctSRY92LW1bVZTitN02M2Zx0wzC53/9/WXAwGl/R2EkKcdloDVFV7/01V1b/w+7fH0iLKQF1tL5IrB9Fpz0B2eZ2UNUcIHPDNqdJeypaUVTTm7OLytDwu2ryK7ts3ULPRjmebDRWO9lANJaeSetMNpFx/HcasrNj+G2s28tra11i0YxEQ/VHj/E7nc3Ovm+lak867XxTzbl5mbEifLhKhW9VOCnZupa/dytChQ+nfvz8mUzR45V+3jpI/zKCospyKxP0Tr+d168mQG8eTVzBQ7tXijCZBqfYnQal2IEEpIYQ4MwQDfpa+9VdWL/g3ERSGcJifNWsMffoZLAUFlJSUsOTrr1nc2Mz3ud2pckZ7HOnDiuFbvdxl9dA0JMzHOz5i1Z5VsXJzHbnc2vtWrup6FXaTHdg3N9SGjdQt+Yq9ixZj2LAO3QGr5aEpbKlB7J0CWDMDlKYlsDa9F9uSUtkS0KipasHlTSPJl0mSL4tEfwbGSFsTkCsc+4bfOUwtJNjqsDor8NkrqbNVEbDuRW+rxmKpQadrOWT/AxkMjn09nOKH2NmsuZjNmeh0h84/JYQQZwqlFN6mYvZWfU7V3s9paoqf08/vzcJVNQDdjnOprM2iMqSILgMBEcLscm1mW3IR5uw6RgSquGLbD1g3majbkkC4OToXlAJaBg0l58ZrcY6+OLZi38aajcxaO4uFOxbGjtfJ3omrul3FOfV9+efKBj7JSWdnyv77cFpDLT327KBvQzXn9u1D//796dSpE5qm4Vu5ks2vvMi6Pbuocu3/8cJld9J3zKX0HXMZztS0k3Qlheg4EpRqfxKUagcSlBJCiNNbJBzmhy8+46s5b+APBQFIbvRxwbmjyHnwQTZt28b8Zcv5WmdlQ2Ye9bbolwR9WDG4tIkrIqVs67qBRXsW4G+JTtqtoTEiawS39LqFC7IvQIsomouLqVn6HVVff4th7SoMPl9cPQy2FswZQepzWtiQb2B9Ui57tBwaGxw4mtJI9mWR5MvCFjp0WXEAHQqnsQW71YvNXo3FvRMtaRv+hAqUbS96o6/N/VppmgGLJQurJReLNTs6vM6WG5vryWh0/dRLLYQQZ4ymphKq9n5OTfUi6hvWApFYWqTFgmn3EHzbz2NvTQ6NwfgFGfbYyyh3byCSvJMBgSLGbGjAVWzCX7U/X0SvIzhgMFm/+DlJo0ZizMigvKGc94rf46OtH8XmnALondSbMcaL8W5J5p/ObDZkW1C6aEBMF4mQU1dFXk0F/UN+hvfqQY8ePcjOzqZ53TrK33qT9UWr2OFKIKzfP7dgenIaPUZeTPcLLyIxU4b3iTODBKXanwSl2oEEpYQQ4vQUDPhZ8/67rP73pzSFonMiWZtDDHSmkPVf97C2oYFPy3azITGNbalZRHTRX7LNoQjnlHroFlnB1/Z/Uh/ZP7Qtx5HD1d2u5spOl+IorWbn4m9p+nYx5i2b0QdD8RUwRvBntlCea6SoUydK7TnQnEqiL5NkXybOQGqbk4+Dwmjy47A2YHHuweTejj5lM/rkLeh0kTbyH3BIY/K+ycSzY8GmaAAqF7M5HZ3OcMT9hRBCHCoUqqOm9mtqahZTU7OEUKgmLj1Yl0Ng22jqKnrj98XP69es97HbWUK1o5Ts4GYu2LyV7BKFrj7+fhxITUEbdgGdLroAy+B+LGr6ns9KP2PZ7mWE1f6ettmGXAbXj2aX6s33malUJsaXk9LooZNnL3lN9ZyXmkjf/Dw6JSaiFixg078/Y3ugkdoECxwwjM9htpDbvTd5w88jZ/BQ7Iltz00oxKlOglLtT4JS7UCCUkIIcfpQkQjlq1fww0d/Z+uWjYT2TU1rbAmTaXUTGXMpiyM61lvdlKVkEjTsHwqRURukV2U5DS2fsMP1PWjRfbOMqVzDEPrscmHbsAV9yRbMe2tbk6PHBXwJTnZ3SmNHeiYVzgzC+gxcgXQcwcTD19fgw+zYg929E1PyNsyunZhdu9EZgm3m1+ks++Z0ytk/qXhsQvFsDIa255gSQghxYigVobHxB2pql+DxrKC+/nvCYW8sPeR30bR7AI07B+Kt6YrWYo3bP6y1UGetJKDfRXbdTjrv3kXmzt2Yg40cONtT0JVAqHMXIr36UJ5vYplzG4ub1hCI7F94whFIIj8wlqB5IKXJKexKNsYFm1CKRF8jqY0eMn319DEb6JdgJblkKw2rV1Dj2UtdgjXW66qV3WAiNS2D9G49yBp8Dmm9+mBzuWU+KnHKO52DUhMmTMDj8fDRRx+12zFnz57N/fffj8fj+dFlnIiglPxkKoQQ4rTWVFdL2cL5lC1fxvbyEvwqggLCZit+VypVuT3ZnpZFuTuFvQ533AO73d9CfmUtVu+31Bo/x9sQoHuVhRtqU8mvi+CuacRcW4GmPqFFbyZgSabR0om9WQXUO1KocSfjt6Sg05IxqP3DMjKb4usYMXrROSqwOSuxuyr2BZ92obc0xH1/QDNiMWdhtWZhsXSKBZyiczzlYjImy5cCIYToQJqmw+nsj9PZHwClwnibtlDvWUV9/WpqPSsxWpfg7roEFdEIePJoquqBZ283mmu6oQ86SPFlA9lgGEZpLpTmQovWiC5UgbuxmiRPDdZALZbSWiwb59M76KGvijDRqKPZZcOTaGd3op4NTj9bkj+mKvk99HVmBlUMQq8/lyZbHpXJdmodJuoSnNQlONkMLN53DuaCLNzdB+H2eUn1N5HqqSWxphJrXRWGQCMNwQCNFTso3V0OS74Eol8anSYLTlciiemZJOZ3JqV3H9ydu5LgTkSn13fEfw4hxBlAglJCCCFOC8HmAPXbSqj+YT1VmzZQvbOc6noP1RYL9e4UGlzJeM4dS407hVpHInUJLnzm6C82WiSCu76eQZuK6LOzlC57tpPcsJMEXwOWoAmz34yuJZ0WYwLNJidBk4tas5uKbDfNXV0EzG4i+rZ/cTMBKFBamBZrNTpHJVZHJW53BRZnJWZHJXpzNEqlcGI0Z+JIyCbBNhSLJWvfqxMWcxYmUzKa1taQPiGEEKciTdPjsPfCYe9FdvZ4AJqb9+JtKqbJuxlvUzG1nTaS7F8CKkCoKYWAJxtPXTYNnmwi9dkYfakYlAMMDhoSe9BwcAdbFcbcXI8p5MUYbMQU8uKsaWRkhZfRoUaMIR/6cACl306LcQtBY4iAOUzAbMBncdFoTaXamcbupFR2JSVT7Uik1plETXImxcb4RSw0FcEabCahOUBCsx9bwIct4MPc7Mca8GFu9mEN+LCsLcKyfCnmgB9jsx9bSwtWdNgsZhIS7CQ43VgcDiwuNxaXC2tSMrbkFKypqVhT0zBarOgN8lVUiLaMGjWKgoICLBYLf/nLXzCZTEyePJnp06fH8miaxsyZM/nHP/5BYWEhmZmZzJgxg+uvvx6AwsJCLrroIurq6nC73QCsWbOGgQMHUlpaSllZGRMnToyVBTBt2jSmT5/OzJkzeeGFF9ixYwcul4sLLriADz744KSdr9wJzhJ/euJhIuFjG6mpoeAYB3VGR3/qUGrffkcs+DhHisZl1/ZvPKh6SgPtmEehHtjDQO0v4ODDoeIOeTwO14dBHZKiOORkDrt326mHVk0dNqXNEtSheY94jMNei9aEn9CDQx3yxwHlHancEzUCed8xTtaI5uMsV+Onntlh9latpR8m23H+J9TaPFRbhaj4vw9q92rfhgjavqlko/8qTYv+v6Mi6CIKnQqjC4M+ArqwDV1CAslhjbQ6DV1NHfpwPYbwNvRhDX3EgKZMgAWlmQnrzIQNFsL6LrQY+lLnSqA6+fi6docMTYStNWgJezElVONwVONy7MWUUIfBGkZnSMRkTcfhyMJlH4bFnI7ZnIbFkoXZnCnD64QQ4ixgNqdiNqeSnHR+bJtSEQKBnTQ1bcUf2Em9txxP3WYCvoWEgzWEmuz46rOob0ymqSmZUFMKOn8ypkAiOgw0W5JothznXE8qgj4cxBIOkF8doOueZnSREFpkN/pIOVokhKZa0GgBWlCEov/qwkQ0RUQXQWlq3wuUFkFp7EsDpZmJaGbCJjcRM/h14NNBVVgR8fih3gc7q6KPBVr8s7CK/amBbt9TcWzbvpUNNbV/nwO+R0SfkdS+LPv+5eCnDxXLqWmgKS36L62PIFr06UPTDnja1PYfAC36HaN1g3Zg2oE1acMxPEtph/n7kI376qLFFns8xmf8uG3HuM8p1RH7xz0FW+1O+l9wCdV7LBj3BT2VUhAInMjKHRuL5bh6t/t9TTQH/OzZtYNgczOzZ8/moYceYvny5SxdupQJEyZw3nnncckll8T2efzxx3n22Wd56aWXePvtt7n55ptZt24dvXv3PurxRowYwYsvvsjUqVMpLi4GwG63s3LlSqZMmcLbb7/NiBEjqK2t5auvvjr+8z8OEpQ6S+h3jAKD7YSXe0rdu4QQZxd99JElbIDwUTMfniJMWNdEyNhE2NyEZmlAZ63HZG7CYgngtIZJsOmxuUxYnW7srjQS3V2wWs7BbIoGnYzGROnhJIQQ4rA0TbdvIYpcAHIOSg+HfQQCFQRDtTQ3V1NbX0mjZxtN3r0EGvw0e8P4AuBtNhBothAKWokEEyDgQIVs6INW9C1m9BEzOmVBQweaLvpjjMFC2zMVnsDzA2ID+Pb97ipEe9OadWhhG1qLAy3alx0CfmqvurTd65L0cSGaxXr0jPtoERNEjGgtLjRloE/PPkybNg2A7t278+qrr7JgwYK4oNQNN9zAnXfeCcBTTz3F/PnzeeWVV5g5c+ZRj2cymXC5XGiaRkZGRmx7eXk5CQkJ/PznP8fhcJCXl8fAgQOP+Tx+DAlKnSX0YR+oI6/adKDjCzadzE+dE1h27BeG1vfHXvbReoH9tM4mp9D1O67sx5P5+HsJHeueR+2h95OcvHM8Lid1PYpTpezW3y0Pn6piv1wq2PerLoRRhEFrQWktKC1MRB8hoo+g9BEixhaUsQVlCaNL0GFJMGExW7BbrTgddpxuBwmJTpzuLNxOFxaTA4PBgV5vl7mbhBBCtBu93kZCQlcS6ApARvrR91EqTDjso6XFS3OwkSafB5+3noDPh9/nw+9txuvz4/MHCARCBIJhwi3NhIJhQqEWVAAIaRDS0Fo0COvRwhq6sB4toqFFdGjRbstoSke0S5MWDXgpXbRnkdLv62Gk25cn+vf+EFVbvd4P3HZw+sH9lrSDnhAO6LVE62iHA8rWDu0zdWo4FesEJ7JeJ+yJ8ic8f+nDBsABRPZ/9z2O78AnlIoc57FbR9FEAEWfXvG9nTIzM6mqqorbNnz48EPer1mz5kdVt9Ull1xCXl4eXbp0Ydy4cYwbN45rrrkGm+3Ed3BpJUGps8SkN27s6CoIIYQQQgghThBN02MwRH9MsVgycclC4eIs17oSXHInZ2wlOKVcpK5e1e510azW4/qB02I3EWgxkpbvxmgx4Ex2xZenaUQixx7k0umiPfjVAT9uh0Kho+7ncDhYvXo1hYWFfPHFF0ydOpXp06ezYsWK2NxUJ5qMNRBCCCGEEEIIIcQZR9M0dDZbu7/ao8f9smXLDnnfOp9UamoqABUVFbH0g3tRmUwmwuFDJ8EwGAyMGTOGGTNmUFRURFlZGQsXLjzBtT/geCetZCGEEEIIIYQQQghxwr3//vsMGTKE888/nzlz5vDdd9/x17/+FYBu3bqRk5PD9OnT+d3vfsfmzZt5/vnn4/bPz8/H6/WyYMECBgwYgM1mY+HChWzbto2RI0eSmJjIZ599RiQSoWfPniftPKSnlBBCCCGEEEIIIcRp5IknnuDdd9+loKCAt956i7lz59KnTx8AjEYjc+fOZdOmTRQUFPDcc8/x9NNPx+0/YsQIJk+ezE033URqaiozZszA7XYzb948Lr74Ynr37s2sWbOYO3cuffv2PWnnoSl1UmfQPe01NDTgcrmor6/H6ZSB2kIIIYQQQgghxKmmdU6pzp07x+aUOlNpmsaHH37I1Vdf3aH1ONI1P9ZYivSUEkIIIYQQQgghhBDtToJSQgghhBBCCCGEEKLdnTZBqdraWsaPH4/T6cTtdnPHHXfg9XqPuM+oUaPQNC3uNXny5HaqsRBCCCGEEEIIIcSJpZTq8KF7J8pps/re+PHjqaioYP78+YRCISZOnMhdd93FO++8c8T9Jk2axJNPPhl7b7PZTnZVhRBCCCGEEEIIIcRRnBZBqY0bN/L555+zYsUKhgwZAsArr7zC5Zdfzh//+EeysrIOu6/NZiMjI6O9qiqEEEIIIYQQQgghjsFpMXxv6dKluN3uWEAKYMyYMeh0OpYvX37EfefMmUNKSgr9+vXj0UcfxefzHTF/c3MzDQ0NcS8hhBBCCCGEEEIIcWKdFj2lKisrSUtLi9tmMBhISkqisrLysPvdeuut5OXlkZWVRVFREb/5zW8oLi5m3rx5h93nmWee4YknnjhhdRdCCCGEEEIIIYQQh+rQoNR///d/89xzzx0xz8aNG390+XfddVfs7/79+5OZmcno0aMpKSmha9eube7z6KOP8uCDD8be19fXk5ubKz2mhBBCCCGEEEKIU1QwGCQSiRAOhwmHwx1dnbNCOBwmEong9XoJBoNxaa0xFKXUEcvo0KDUQw89xIQJE46Yp0uXLmRkZFBVVRW3vaWlhdra2uOaL2rYsGEAbN269bBBKbPZjNlsjr1vvZA5OTnHfBwhhBBCCCGEEEK0n7y8PGbNmoXf7+/oqpxVqqurueKKK9i+fXub6Y2NjbhcrsPu36FBqdTUVFJTU4+ab/jw4Xg8HlatWsXgwYMBWLhwIZFIJBZoOhZr1qwBIDMz85j3ycrKYseOHTgcDjRNO+b9TjUNDQ3k5OSwY8cOnE5nR1dHiMOStipOB9JOxelC2qo4XUhbFacDaaentmAwyJ49e8jPz8disXR0dTpUOBymqKiIgoIC9Hr9STtOIBCgrKyMlStXYjKZ4tKUUjQ2Nh5xYTo4TeaU6t27N+PGjWPSpEnMmjWLUCjEfffdx8033xw7wV27djF69Gjeeusthg4dSklJCe+88w6XX345ycnJFBUV8cADDzBy5EgKCgqO+dg6nY7s7OyTdWrtzul0yg1UnBakrYrTgbRTcbqQtipOF9JWxelA2umpKRAIsHfvXvR6/UkNxJwMEyZMwOPx8NFHH53Qco90LWbPns3999+Px+P5SeXrdDrsdnubgcAj9ZBqdVqsvgfRVfR69erF6NGjufzyyzn//PP5n//5n1h6KBSiuLg4trqeyWTiyy+/ZOzYsfTq1YuHHnqI6667jk8++aSjTkEIIYQQQgghhBBC7HPaBKWSkpJ45513aGxspL6+ntdffx273R5Lz8/PRynFqFGjgOgcUIsXL6ampoZAIMCWLVuYMWOGRLSFEEIIIYQQQghxSho1ahRTpkzhkUceISkpiYyMDKZPnx6XR9M0XnvtNS677DKsVitdunThgw8+iKUXFhZyzjnnxPWCWrNmDZqmUVZWRmFhIRMnTqS+vh5N09A0LXaMmTNn0r17dywWC+np6Vx//fUn9XxPm6CU+GnMZjPTpk2Lm8RdiFORtFVxOpB2Kk4X0lbF6ULaqjgdSDs9/SilCDWH2/11tBXnjubNN98kISGB5cuXM2PGDJ588knmz58fl+fxxx/nuuuuY+3atYwfP56bb76ZjRs3AsTmwz7cvNgjRozgxRdfxOl0UlFRQUVFBQ8//DArV65kypQpPPnkkxQXF/P5558zcuTIn3QuR6Opn3q1hBBCCCGEEEIIITpQIBCgtLSUzp07x+Y3CjWH+Z9fLW73utz10oUYzcc+r9WBc0qNGjWKcDjMV199FUsfOnQoF198Mc8++ywQDTZNnjyZ1157LZbn3HPPZdCgQcycOZPCwkIuuugi6urqcLvdQLSn1MCBAyktLSU/P7/NOaXmzZvHxIkT2blzJw6H46j1buuaHy/pKSWEEEIIIYQQQghxijh4cbbMzEyqqqritg0fPvyQ9609pX6sSy65hLy8PLp06cJtt93GnDlzYvN2nyynxep7QgghhBBCCCGEEMfDYNJx10sXdshxfwqj0Rj3XtM0IpHIMe+v00WPf+DAuFAodNT9HA4Hq1evprCwkC+++IKpU6cyffp0VqxYEetxdaJJTykhhBBCCCGEEEKccTRNw2jWt/vrcHM5nUjLli075H3v3r0BSE1NBaCioiKWvmbNmrj8JpOJcDh8SLkGg4ExY8YwY8YMioqKKCsrY+HChSe49vtJUOos8ac//Yn8/HwsFgvDhg3ju+++6+gqibPY9OnTY6s8tL569eoVSw8EAtx7770kJydjt9u57rrr2LNnTwfWWJwtlixZwpVXXklWVhaapvHRRx/FpSulmDp1KpmZmVitVsaMGcOWLVvi8tTW1jJ+/HicTidut5s77rgDr9fbjmchznRHa6cTJkw45B47bty4uDzSTsXJ9swzz3DOOefgcDhIS0vj6quvpri4OC7PsXzel5eXc8UVV2Cz2UhLS+PXv/41LS0t7Xkq4gx3LG111KhRh9xXJ0+eHJdH2qo42QKBAD/88AOrV68G4N133+XVV19l8+bNTJs2je+++45rr72WNWvW0NDQQGZmJlOnTmXLli3885//5PnnnwegtLSU1atXEwwG8Xq9fPnll1RXV+Pz+fj00095+eWXWbNmDdu3b+ett94iEonQs2fPk3ZeEpQ6C7z33ns8+OCDTJs2jdWrVzNgwAAuvfTSQ8akCtGe+vbtG1vpoaKigq+//jqW9sADD/DJJ5/w/vvvs3jxYnbv3s21117bgbUVZ4umpiYGDBjAn/70pzbTZ8yYwcsvv8ysWbNYvnw5CQkJXHrppQQCgVie8ePH88MPPzB//nw+/fRTlixZwl133dVepyDOAkdrpwDjxo2Lu8fOnTs3Ll3aqTjZFi9ezL333suyZcuYP38+oVCIsWPH0tTUFMtztM/7cDjMFVdcQTAY5Ntvv+XNN99k9uzZTJ06tSNOSZyhjqWtAkyaNCnuvjpjxoxYmrRV0R50Oh3Z2dn06dMHgIcffpj//d//paCggLfeeouXX36ZtLQ0unTpQr9+/fjDH/7AunXrKCgo4LnnnuOpp54Coj+y9urVi2uuuYbrr7+eG2+8kdTUVGbMmIHb7WbevHlcfPHF9O7dm1mzZjF37lz69u178k5MiTPe0KFD1b333ht7Hw6HVVZWlnrmmWc6sFbibDZt2jQ1YMCANtM8Ho8yGo3q/fffj23buHGjAtTSpUvbqYZCKAWoDz/8MPY+EomojIwM9Yc//CG2zePxKLPZrObOnauUUmrDhg0KUCtWrIjl+de//qU0TVO7du1qt7qLs8fB7VQppW6//XZ11VVXHXYfaaeiI1RVVSlALV68WCl1bJ/3n332mdLpdKqysjKW57XXXlNOp1M1Nze37wmIs8bBbVUppS688EL1q1/96rD7SFs9Nfj9frVhwwbl9/s7uionXevn/+rVq1VVVZUKhUJq5cqVqqamJpbH5/OpFStWqMbGRqVU9L67YsUKFQwGY3n27NmjVq9ercLh8I+qx4m45tJT6gwXDAZZtWoVY8aMiW3T6XSMGTOGpUuXdmDNxNluy5YtZGVl0aVLF8aPH095eTkAq1atIhQKxbXZXr16kZubK21WdKjS0lIqKyvj2qbL5WLYsGGxtrl06VLcbjdDhgyJ5RkzZgw6nY7ly5e3e53F2auwsJC0tDR69uzJ3XffTU1NTSxN2qnoCPX19QAkJSUBx/Z5v3TpUvr37096enosz6WXXkpDQwM//PBDO9ZenE0Obqut5syZQ0pKCv369ePRRx+NW5FM2qroCI2NjUQiEex2Oz6fD6UUTqczlm61WjGZTLFef16vF6vVGjeJusvlIhwOx/X6b2+y+t4Zrrq6mnA4HHeDBEhPT2fTpk0dVCtxths2bBizZ8+mZ8+eVFRU8MQTT3DBBRewfv16KisrMZlMh6zukJ6eTmVlZcdUWAiItb+27qetaZWVlaSlpcWlGwwGkpKSpP2KdjNu3DiuvfZaOnfuTElJCY899hiXXXYZS5cuRa/XSzsV7S4SiXD//fdz3nnn0a9fP4Bj+ryvrKxs857bmibEidZWWwW49dZbycvLIysri6KiIn7zm99QXFzMvHnzAGmrov34fL7Y9/i9e/fSrVs3rFYrPp8PTdMwGOJDPEajMbbqXigUOmRVv9b8x7Iy38kiQSkhRLu77LLLYn8XFBQwbNgw8vLy+Nvf/obVau3AmgkhxOnv5ptvjv3dv39/CgoK6Nq1K4WFhYwePboDaybOVvfeey/r16+Pmz9SiFPR4drqgXPu9e/fn8zMTEaPHk1JSQldu3Zt72qKs5jFYqFPnz54vV7q6uooLS09qZOQtwcZvneGS0lJQa/XH7KSyZ49e8jIyOigWgkRz+1206NHD7Zu3UpGRgbBYBCPxxOXR9qs6Git7e9I99OMjIxDFpFoaWmhtrZW2q/oMF26dCElJYWtW7cC0k5F+7rvvvv49NNPWbRoEdnZ2bHtx/J5n5GR0eY9tzVNiBPpcG21LcOGDQOIu69KWxXtQafTYbFYSEhIIDs7G6vVSlVVFUajEaXUISs+Htg76sBeU61a8x/cg6o9SVDqDGcymRg8eDALFiyIbYtEIixYsIDhw4d3YM2E2M/r9VJSUkJmZiaDBw/GaDTGtdni4mLKy8ulzYoO1blzZzIyMuLaZkNDA8uXL4+1zeHDh+PxeFi1alUsz8KFC4lEIrEHWCHa286dO6mpqSEzMxOQdirah1KK++67jw8//JCFCxfSuXPnuPRj+bwfPnw469atiwuizp8/H6fTGVt9Soif6mhttS1r1qwBiLuvSlsVHSUSiWCz2dA0jcbGxtj2QCBAMBgkISEBALvdjt/vjwtMNTQ0oNfrsVgs7V7vVjJ87yzw4IMPcvvttzNkyBCGDh3Kiy++SFNTExMnTuzoqomz1MMPP8yVV15JXl4eu3fvZtq0aej1em655RZcLhd33HEHDz74IElJSTidTn75y18yfPhwzj333I6uujjDeb3e2K+eEJ3cfM2aNSQlJZGbm8v999/P008/Tffu3encuTOPP/44WVlZXH311QD07t2bcePGMWnSJGbNmkUoFOK+++7j5ptvJisrq4POSpxpjtROk5KSeOKJJ7juuuvIyMigpKSERx55hG7dunHppZcC0k5F+7j33nt55513+Pjjj3E4HLF5dVwuF1ar9Zg+78eOHUufPn247bbbmDFjBpWVlfz2t7/l3nvvxWw2d+TpiTPI0dpqSUkJ77zzDpdffjnJyckUFRXxwAMPMHLkSAoKCgBpq6J97Ny5E5fLhclkIhwOU1tbS2NjIz169MBgMJCSksKOHTvQ6/Xo9XrKy8tJSEjAbrcD4HQ6sVqtlJaWkp2dTSgUYteuXaSmpqLTdWB/pR+9bp84rbzyyisqNzdXmUwmNXToULVs2bKOrpI4i910000qMzNTmUwm1alTJ3XTTTeprVu3xtL9fr+65557VGJiorLZbOqaa65RFRUVHVhjcbZYtGiRAg553X777UoppSKRiHr88cdVenq6MpvNavTo0aq4uDiujJqaGnXLLbcou92unE6nmjhxYmwpXiFOhCO1U5/Pp8aOHatSU1OV0WhUeXl5atKkSXHLlCsl7VScfG21UUC98cYbsTzH8nlfVlamLrvsMmW1WlVKSop66KGHVCgUauezEWeyo7XV8vJyNXLkSJWUlKTMZrPq1q2b+vWvf63q6+vjypG22vH8fr/asGGD8vv9HV2Vk6K0tFStXbtWrVy5Un3//fdq06ZNce0wHA6rsrIytXr1arVq1Sq1ZcsWFQwG48oIBAJq8+bNatWqVer7779X5eXlKhKJ/Og6nYhrrimlVHsGwYQQQgghhBBCCCFOpEAgQGlpKZ07d+7Q4WhnkxNxzWVOKSGEEEIIIYQQQgjR7iQoJYQQQgghhBBCCCHanQSlhBBCCCGEEEIIITrIhAkTYgvntJfZs2fjdrvb9ZhtkaCUEEIIIYQQQgghhGh3EpQSQgghhBBCCCGEOAWMGjWKKVOm8Mgjj5CUlERGRgbTp0+Py6NpGq+99hqXXXYZVquVLl268MEHH8TSCwsL0TQNj8cT27ZmzRo0TaOsrIzCwkImTpxIfX09mqahaVrsGDNnzqR79+5YLBbS09O5/vrrT+r5Gk5q6UIIIYQQQgghhBAdQClFS3Nzux/XYDajadqP3v/NN9/kwQcfZPny5SxdupQJEyZw3nnncckll8TyPP744zz77LO89NJLvP3229x8882sW7eO3r17H7X8ESNG8OKLLzJ16lSKi4sBsNvtrFy5kilTpvD2228zYsQIamtr+eqrr370eRwLCUoJIYQQQgghhBDijNPS3MzLt5/cnj5tmfLmBxgtlh+9f0FBAdOmTQOge/fuvPrqqyxYsCAuKHXDDTdw5513AvDUU08xf/58XnnlFWbOnHnU8k0mEy6XC03TyMjIiG0vLy8nISGBn//85zgcDvLy8hg4cOCPPo9jIcP3hBBCCCGEEEIIIU4RBQUFce8zMzOpqqqK2zZ8+PBD3m/cuPEnHfeSSy4hLy+PLl26cNtttzFnzhx8Pt9PKvNopKeUEEIIIcQJNmHCBDweDx999FFHV0UIIYQ4axnMZqa8+cHRM56E4/4URqMx7r2maUQikWPeX6eL9j9SSsW2hUKho+7ncDhYvXo1hYWFfPHFF0ydOpXp06ezYsWKk7ZSn/SUEkIIIYQ4Dq0Tgh7uNX36dF566SVmz57dIfX785//zIABA7Db7bjdbgYOHMgzzzwTS++IZaeFEEKIjqBpGkaLpd1fP2U+qWO1bNmyQ963zieVmpoKQEVFRSx9zZo1cflNJhPhcPiQcg0GA2PGjGHGjBkUFRVRVlbGwoULT3DtDzjeSStZCCGEEOIMdOAD3nvvvRc3SShEJwq12+0dUTVef/117r//fl5++WUuvPBCmpubKSoqYv369R1SHyGEEEKcHO+//z5Dhgzh/PPPZ86cOXz33Xf89a9/BaBbt27k5OQwffp0fve737F582aef/75uP3z8/Pxer0sWLCAAQMGYLPZWLhwIdu2bWPkyJEkJiby2WefEYlE6Nmz50k7D+kpJYQQQghxHDIyMmKvAycJbX3Z7fZDeiONGjWKX/7yl9x///0kJiaSnp7On//8Z5qampg4cSIOh4Nu3brxr3/9K+5Y69ev57LLLsNut5Oens5tt91GdXX1Yev2j3/8gxtvvJE77riDbt260bdvX2655RZ+97vfATB9+nTefPNNPv7441jPrsLCQgB27NjBjTfeiNvtJikpiauuuoqysrJY2a3n9MQTT5CamorT6WTy5MkEg8ETdm2FEEIIcWyeeOIJ3n33XQoKCnjrrbeYO3cuffr0AaLD/+bOncumTZsoKCjgueee4+mnn47bf8SIEUyePJmbbrqJ1NRUZsyYgdvtZt68eVx88cX07t2bWbNmMXfuXPr27XvSzkN6SgkhhBBCtIM333yTRx55hO+++4733nuPu+++mw8//JBrrrmGxx57jBdeeIHbbruN8vJybDYbHo+Hiy++mDvvvJMXXngBv9/Pb37zG2688cbDdqPPyMhg8eLFbN++nby8vEPSH374YTZu3EhDQwNvvPEGAElJSYRCIS699FKGDx/OV199hcFg4Omnn2bcuHEUFRVhMpkAWLBgARaLhcLCQsrKypg4cSLJycmxoJcQQgghjt+BQ/5bfyw6UFtzVGZlZfHFF18ctszzzjuPoqKiuG0HzjEF8Nprr/Haa6/FbWvr+CeT9JQSQgghhGgHAwYM4Le//S3du3fn0UcfxWKxkJKSwqRJk+jevTtTp06lpqYm9gD56quvMnDgQH7/+9/Tq1cvBg4cyOuvv86iRYvYvHlzm8eYNm0abreb/Px8evbsyYQJE/jb3/4WmxzVbrdjtVoxm82xnl0mk4n33nuPSCTCX/7yF/r370/v3r154403KC8vj3s4NZlMvP766/Tt25crrriCJ598kpdffvm4Jl8VQgghhGglQSkhhBBCiHZw4PLOer2e5ORk+vfvH9uWnp4OEFvyee3atSxatCg2R5XdbqdXr14AlJSUtHmMzMxMli5dyrp16/jVr35FS0sLt99+O+PGjTti4Gjt2rVs3boVh8MRO1ZSUhKBQCDuWK1zTrQaPnw4Xq+XHTt2/IgrIoQQQoiznQzfE0IIIYRoB20t73zgttaVelqDR16vlyuvvJLnnnvukLIyMzOPeKx+/frRr18/7rnnHiZPnswFF1zA4sWLueiii9rM7/V6GTx4MHPmzDkkrXUFHyGEEEKcGg4ehnc6k6CUEEIIIcQpaNCgQfz9738nPz8fg+HHP7K1Tnra1NQEtL0E9KBBg3jvvfdIS0vD6XQetqy1a9fi9/uxWq1AdPlpu91OTk7Oj66fEEIIIc5eMnxPCCGEEOIUdO+991JbW8stt9zCihUrKCkp4d///jcTJ048JKjU6u677+app57im2++Yfv27Sxbtoz/+I//IDU1leHDhwPRJaCLioooLi6murqaUCjE+PHjSUlJ4aqrruKrr76itLSUwsJCpkyZws6dO2PlB4NB7rjjDjZs2MBnn33GtGnTuO+++9Dp5JFSCCGEEMdPniCEEEIIIU5BWVlZfPPNN4TDYcaOHUv//v25//77cbvdhw0CjRkzhmXLlnHDDTfQo0cPrrvuOiwWCwsWLCA5ORmASZMm0bNnT4YMGUJqairffPMNNpuNJUuWkJuby7XXXkvv3r254447CAQCcT2nRo8eTffu3Rk5ciQ33XQTv/jFL5g+fXp7XA4hhBDimJxJQ9tOdSfiWmtK/osJIYQQQoijmDBhAh6Pp81lqYUQQoiOFg6H2bx5M2lpabEfYsTJVVNTQ1VVFT169ECv1/+oMmROKSGEEEIIIYQQQpzW9Ho9brc7toqtzWaLLSIiTiylFD6fj6qqKtxu948OSIEEpYQQQgghhBBCCHEGyMjIAIgFpsTJ5Xa7Y9f8x5Lhe0IIIYQQQgghhDhjhMNhQqFQR1fjjGY0Gn9SD6lWEpQSQgghhBBCCCGEEO1OVt8TQgghhBBCCCGEEO1OglJCCCGEEEIIIYQQot1JUEoIIYQQQgghhBBCtDsJSgkhhBBCCCGEEEKIdidBKSGEEEIIIYQQQgjR7iQoJYQQQgghhBBCCCHanQSlhBBCCCGEEEIIIUS7k6CUEEIIIYQQQgghhGh3/x9K+SgIb9w1lQAAAABJRU5ErkJggg==", "text/plain": [ - "
" + "
" ] }, "metadata": {}, @@ -172,9 +373,9 @@ }, { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAnYAAAEOCAYAAAAEzVrIAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjYuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8o6BhiAAAACXBIWXMAAA9hAAAPYQGoP6dpAABcmUlEQVR4nO3deViU5frA8e/MsO8gu7KIKLgvqEhmVpKYZlpuqeVWZqZZWf2Kc06mbbRYmmVaHk1PWWpplmaWkriUZmnuihuKC4uo7PvM+/tjZHIChGEblvtzXXPBvOv9Pgx686wqRVEUhBBCCCFEg6c2dwBCCCGEEKJmSGInhBBCCNFISGInhBBCCNFISGInhBBCCNFISGInhBBCCNFISGInhBBCCNFISGInhBBCCNFISGInhBBCCNFISGInhBBCCNFISGInhGgUJkyYQGBgoLnDaNCkDIVo+CSxE0KUa/ny5ahUKlQqFbt27Sq1X1EU/Pz8UKlU3HfffWaIUFSk5OdX0SsuLs7coQohaoCFuQMQQtR/NjY2fPnll9x+++1G27dv387FixextrY2U2SiIp9//rnR+//9739s2bKl1Pa2bduyZMkSdDpdXYYnhKhhktgJISo0cOBAvv76axYsWICFxd//bHz55ZeEhYWRlpZmxugEQE5ODvb29qW2P/zww0bv9+zZw5YtW0ptF0I0DtIUK4So0OjRo7l69SpbtmwxbCssLOSbb75hzJgxpY6Pi4srs3nv3LlzqFQqli9fbtiWnJzMxIkTadGiBdbW1vj4+DBkyBDOnTtndO6PP/5I3759cXR0xMnJiR49evDll1/eMm6dTsf8+fNp3749NjY2eHl5MWXKFK5fv2503J9//klUVBTu7u7Y2trSsmVLJk2aVKmy+fjjj2nfvj3W1tb4+voybdo00tPTDfunT5+Og4MDubm5pc4dPXo03t7eaLVao+fs06cP9vb2ODo6MmjQII4ePWp03oQJE3BwcODMmTMMHDgQR0dHxo4dW6l4b+WffexKfl5z585l4cKFBAUFYWdnR//+/blw4QKKovDaa6/RokULbG1tGTJkCNeuXSt13co8kxCiZkhiJ4SoUGBgIBEREXz11VeGbT/++CMZGRk89NBD1br2sGHD+Pbbb5k4cSIff/wxM2bMICsri8TERMMxy5cvZ9CgQVy7do3o6GjeeustunTpwubNm2957SlTpvDCCy/Qu3dvPvjgAyZOnMjKlSuJioqiqKgIgNTUVPr378+5c+d46aWX+PDDDxk7dix79uypMPbZs2czbdo0fH19ee+99xg2bBiffPIJ/fv3N1x/1KhR5OTk8MMPPxidm5uby4YNGxg+fDgajQbQN5sOGjQIBwcH3n77bV5++WWOHTvG7bffXirRLS4uJioqCk9PT+bOncuwYcMqjLeqVq5cyccff8xTTz3Fc889x/bt2xk5ciT/+c9/2Lx5My+++CKPP/44GzZs4Pnnnzc615RnEkLUAEUIIcrx2WefKYDyxx9/KB999JHi6Oio5ObmKoqiKCNGjFDuuusuRVEUJSAgQBk0aJDhvG3btimAsm3bNqPrJSQkKIDy2WefKYqiKNevX1cA5d133y03hvT0dMXR0VEJDw9X8vLyjPbpdDrD9+PHj1cCAgIM73fu3KkAysqVK43O2bx5s9H2b7/91vCMpkhNTVWsrKyU/v37K1qt1rD9o48+UgBl2bJlhhibN2+uDBs2zOj8NWvWKICyY8cORVEUJSsrS3FxcVEmT55sdFxycrLi7OxstH38+PEKoLz00ksmxawoijJt2jSlvH/6/1mGJT8vDw8PJT093bA9OjpaAZTOnTsrRUVFhu2jR49WrKyslPz8fJOfSQhRM6TGTghRKSNHjiQvL4+NGzeSlZXFxo0by2yGNYWtrS1WVlbExcWVah4tsWXLFrKysnjppZewsbEx2qdSqcq99tdff42zszP33HMPaWlphldYWBgODg5s27YNABcXFwA2btxoqGWrjK1bt1JYWMgzzzyDWv33P6WTJ0/GycnJUEOnUqkYMWIEmzZtIjs723Dc6tWrad68uWFAypYtW0hPT2f06NFG8Wo0GsLDww3x3mzq1KmVjrc6RowYgbOzs+F9eHg4oO+/d3Ofy/DwcAoLC7l06RJQtWcSQlSPDJ4QQlSKh4cHkZGRfPnll+Tm5qLVahk+fHi1rmltbc3bb7/Nc889h5eXF7169eK+++5j3LhxeHt7A3DmzBkAOnToYNK1T506RUZGBp6enmXuT01NBaBv374MGzaMOXPmMG/ePO68806GDh3KmDFjbjna9/z58wCEhIQYbbeysiIoKMiwH/TNsfPnz+f7779nzJgxZGdns2nTJqZMmWJITk+dOgXA3XffXeb9nJycjN5bWFjQokWLWxVBjfH39zd6X5Lk+fn5lbm9JEk39ZmEENUniZ0QotLGjBnD5MmTSU5O5t577zXUdv1TeTVpNw8SKPHMM88wePBg1q9fz08//cTLL79MTEwMv/zyC127dq1yrDqdDk9PT1auXFnmfg8PD0Os33zzDXv27GHDhg389NNPTJo0iffee489e/bg4OBQ5RhK9OrVi8DAQNasWcOYMWPYsGEDeXl5jBo1yihe0PdJK0lqb3ZzzRjok+KbawprU0kfwMpuVxQFMP2ZhBDVJ79VQohKe+CBB5gyZQp79uxh9erV5R7n6uoKYDQ6FDCqxbpZq1ateO6553juuec4deoUXbp04b333uOLL76gVatWABw5coTg4OBKx9qqVSu2bt1K7969sbW1rfD4Xr160atXL9544w2+/PJLxo4dy6pVq3jsscfKPD4gIACA+Ph4goKCDNsLCwtJSEggMjLS6PiRI0fywQcfkJmZyerVqwkMDKRXr15G8QJ4enqWOrehaozPJER9J33shBCV5uDgwKJFi5g9ezaDBw8u97iAgAA0Gg07duww2v7xxx8bvc/NzSU/P99oW6tWrXB0dKSgoACA/v374+joSExMTKljS2qGyjJy5Ei0Wi2vvfZaqX3FxcWGpPP69eulrtOlSxcAQwxliYyMxMrKigULFhidv3TpUjIyMhg0aJDR8aNGjaKgoIAVK1awefNmRo4cabQ/KioKJycn3nzzzTL7+l25cqXcWOqrxvhMQtR3UmMnhDDJ+PHjKzzG2dmZESNG8OGHH6JSqWjVqhUbN2409GsrcfLkSfr168fIkSNp164dFhYWfPvtt6SkpBimUXFycmLevHk89thj9OjRgzFjxuDq6srBgwfJzc1lxYoVZcbQt29fpkyZQkxMDAcOHKB///5YWlpy6tQpvv76az744AOGDx/OihUr+Pjjj3nggQdo1aoVWVlZLFmyBCcnJwYOHFjuM3p4eBAdHc2cOXMYMGAA999/P/Hx8Xz88cf06NGj1ATA3bp1Izg4mH//+98UFBQYNcOWPOeiRYt45JFH6NatGw899BAeHh4kJibyww8/0Lt3bz766KMKy74+aYzPJER9J4mdEKJWfPjhhxQVFbF48WKsra0ZOXIk7777rtEgCD8/P0aPHk1sbCyff/45FhYWhIaGsmbNGqN52R599FE8PT156623eO2117C0tCQ0NJRnn332ljEsXryYsLAwPvnkE/71r39hYWFBYGAgDz/8ML179wb0CeDevXtZtWoVKSkpODs707NnT1auXEnLli1vef3Zs2fj4eHBRx99xLPPPoubmxuPP/44b775JpaWlqWOHzVqFG+88QbBwcF069at1P4xY8bg6+vLW2+9xbvvvktBQQHNmzenT58+TJw48Zax1FeN8ZmEqM9Uyq3aMoQQQgghRIMhfeyEEEIIIRoJSeyEEEIIIRoJSeyEEEIIIRoJSeyEEEIIIRoJSeyEEEIIIRqJepHYLVy4kMDAQGxsbAgPD2fv3r3lHnvnnXeiUqlKvf45GagQQgghRFNj9nnsVq9ezcyZM1m8eDHh4eHMnz+fqKgo4uPjy1y8e926dRQWFhreX716lc6dOzNixIhK3U+n03H58mUcHR3LXc9SCCGEEKK+UBSFrKwsfH19K14jWjGznj17KtOmTTO812q1iq+vrxITE1Op8+fNm6c4Ojoq2dnZlTr+woULCiAveclLXvKSl7zk1aBeFy5cqDDPMWuNXWFhIfv27SM6OtqwTa1WExkZye7duyt1jaVLl/LQQw9hb29f5v6CggKj9R6VG/MxX7hwAScnp2pEL4QQQghR+zIzM/Hz88PR0bHCY82a2KWlpaHVavHy8jLa7uXlxYkTJyo8f+/evRw5coSlS5eWe0xMTAxz5swptd3JyUkSOyGEEEI0GJXpQlYvBk9U1dKlS+nYsSM9e/Ys95jo6GgyMjIMrwsXLtRhhEIIIYQQdcesNXbu7u5oNBpSUlKMtqekpODt7X3Lc3Nycli1ahWvvvrqLY+ztrbG2tq62rEKIYQQQtR3Zq2xs7KyIiwsjNjYWMM2nU5HbGwsERERtzz366+/pqCggIcffri2wxRCCCGEaBDMPt3JzJkzGT9+PN27d6dnz57Mnz+fnJwcJk6cCMC4ceNo3rw5MTExRuctXbqUoUOH0qxZM3OELYQQQjQ6Wq2WoqIic4fR5FhaWqLRaGrkWmZP7EaNGsWVK1eYNWsWycnJdOnShc2bNxsGVCQmJpaasyU+Pp5du3bx888/myNkIYQQTdzvZ6/yx7lrZOUXM7KHH608HMwdUrUoikJycjLp6enmDqXJcnFxwdvbu9pz7KqUkvk/mojMzEycnZ3JyMiQUbFCCCFM9vWfF3jhm0OG9/ZWGt4e3on7OvmaMarqSUpKIj09HU9PT+zs7GQC/zqkKAq5ubmkpqbi4uKCj49PqWNMyV3MXmMnhBBCNBSX0/N4dcMxAO4K8SArv5g/z19n+pd/ATTI5E6r1RqSOuneZB62trYApKam4unpWa1m2QY93YkQQghRl/717WGyCorp6u/Cf8f3YNXjvXikVwAAL3x9iBPJmWaO0HQlfers7OzMHEnTVlL+1e3jKImdEEIIUQlnr2QTF38FC7WKd4d3RqNWYaFRM/v+9vRp7U5ekZbH/7eP9NzCii9WD0nzq3nVVPlLYieEEEJUwk9H9XOu3hbsTrDn34MlNGoVCx7qip+bLYnXcpmx6gBaXZPqvi7qEUnshBBCiErYfDQZgAHtS0+g72pvxScPd8fGUs2Ok1d4beMxmtjYxCYtLi4OlUpVL0YVS2InhBBCVOByeh4HL6SjUsE97bzKPKadrxPvDO8MwPLfzvHmpuOS3NWyCRMmoFKpeOKJJ0rtmzZtGiqVigkTJtR9YGYkiZ0QQghRgZ9v1Nb1CHDDw7H8ZSrv7+zLGw90AGDJzgQeWbqX06nZdRJjU+Xn58eqVavIy8szbMvPz+fLL7/E39/fjJGZhyR2QgghRAViT6QC0L992bV1NxsbHsBbD3bE2kLNrtNpRL6/nah5O3jrxxP8fvYqOul/V6O6deuGn58f69atM2xbt24d/v7+dO3a1bAtMDCQ+fPnG53bpUsXZs+eDejnk5s9ezb+/v5YW1vj6+vLjBkzDMcWFBTw4osv4ufnh7W1NcHBwSxdurTcuHbt2kWfPn2wtbXFz8+PGTNmkJOTUzMPfQsyj50QQghxCzqdwoEL6QBEtKrcPG8P9fTntlbuvLrxKL+cSCU+JYv4lCwWbz9DqLcjz0S2Iaq9V70diaooCnlFWrPc29ZSY3K5TJo0ic8++4yxY8cCsGzZMiZOnEhcXFylr7F27VrmzZvHqlWraN++PcnJyRw8eNCwf9y4cezevZsFCxbQuXNnEhISSEtLK/NaZ86cYcCAAbz++ussW7aMK1euMH36dKZPn85nn31m0rOZShI7IYQQ4hbOX8slK78YKws1bbwcK32efzM7/ju+B9dzCtlx6gpx8VfYeiyFE8lZPPHFPmb0a82zka3rZXKXV6Sl3ayfzHLvY69GYWdlWnry8MMPEx0dzfnz5wH49ddfWbVqlUmJXWJiIt7e3kRGRmJpaYm/vz89e/YE4OTJk6xZs4YtW7YQGRkJQFBQULnXiomJYezYsTzzzDMAtG7dmgULFtC3b18WLVqEjY2NSc9nCknshBBCiFs4dDEdgHY+TlhqTO/B5GpvxZAuzRnSpTkZuUV8HHeaT3acZUHsKdQqeCayTQ1H3PR4eHgwaNAgli9fjqIoDBo0CHd3d5OuMWLECObPn09QUBADBgxg4MCBDB48GAsLCw4cOIBGo6Fv376VutbBgwc5dOgQK1euNGxTFAWdTkdCQgJt27Y1KTZTSGInhBBC3MKhixkAdGrhXO1rOdtZEj2wLR6O1rz+w3Hmbz3F7cHudA90q/a1a5KtpYZjr0aZ7d5VMWnSJKZPnw7AwoULS+1Xq9WlRinfvMqDn58f8fHxbN26lS1btvDkk0/y7rvvsn37dsOSX5WVnZ3NlClTjProlajtAR2S2AkhhBC3cNiQ2LnU2DUf6xPEqZRsVv95gZe/O8qG6b2xqEJtYG1RqVQmN4ea24ABAygsLESlUhEVVTop9fDwICkpyfA+MzOThIQEo2NsbW0ZPHgwgwcPZtq0aYSGhnL48GE6duyITqdj+/bthqbYW+nWrRvHjh0jODi4+g9movrzKRJCCCHqGa1O4cjlmquxu9mL94bibGvJ8aRMvthzvkav3RRpNBqOHz/OsWPH0GhK1/rdfffdfP755+zcuZPDhw8zfvx4o+OWL1/O0qVLOXLkCGfPnuWLL77A1taWgIAAAgMDGT9+PJMmTWL9+vUkJCQQFxfHmjVryozlxRdf5LfffmP69OkcOHCAU6dO8d133xlqFGuTJHZCCCFEOc5cySa3UIutpYZWHg4Vn2ACN3srno8KAWDx9rMUa3U1ev2myMnJCScnpzL3RUdH07dvX+677z4GDRrE0KFDadWqlWG/i4sLS5YsoXfv3nTq1ImtW7eyYcMGmjXTj4RetGgRw4cP58knnyQ0NJTJkyeXO31Jp06d2L59OydPnqRPnz507dqVWbNm4evrW/MP/Q8qpYlNi52ZmYmzszMZGRnl/vCFEEIIgG/2XeT5rw/SI9CVr5+4rcavX1Cs5baYX7iaU8jih7sxoINPjd+jIvn5+SQkJNCyZctaHa0pbu1WPwdTchepsRNCCCHKcTIlC9CPiK0N1hYaRvXwA+B/u6U5VlSfJHZCCCFEOc5e0S8H1sqzZpthbza2VwBqFfx25iqnU7Nq7T6iaZDETgghhCjH2Sv6PlRB7rWX2DV3saVfW/1SZd/su1Rr9xFNgyR2QgghRBmKtDoSr+UCEORhX6v3ur+zvlP9z0eTS821JoQpzJ7YLVy4kMDAQGxsbAgPD2fv3r23PD49PZ1p06bh4+ODtbU1bdq0YdOmTXUUrRBCiKbiwrVcinUKtpYavJ1qd1DBnSEeWGnUnE3L4XRqdq3eSzRuZk3sVq9ezcyZM3nllVfYv38/nTt3JioqitTU1DKPLyws5J577uHcuXN88803xMfHs2TJEpo3b17HkQshhGjsSpphA93tUatrdz1XRxtLegfrp9XYfCS5Vu8lGjezJnbvv/8+kydPZuLEibRr147FixdjZ2fHsmXLyjx+2bJlXLt2jfXr19O7d28CAwPp27cvnTt3ruPIhRBCNHZn0/Q1Z7XdDFsiqr03AD8dk8ROVJ3ZErvCwkL27dtntDSHWq0mMjKS3bt3l3nO999/T0REBNOmTcPLy4sOHTrw5ptvotVqy71PQUEBmZmZRi8hhBCiIiU1dq3c6yaxi2znhVoFRy5lcik9r07uKRofsyV2aWlpaLVavLy8jLZ7eXmRnFz2Xytnz57lm2++QavVsmnTJl5++WXee+89Xn/99XLvExMTg7Ozs+Hl5+dXo88hhBCicTqbdmNEbA2vOFEedwdrOvu5APDr6bQ6uadofMw+eMIUOp0OT09PPv30U8LCwhg1ahT//ve/Wbx4cbnnREdHk5GRYXhduHChDiMWQgjRUBmmOimvKbYoH7LL7hNeVbe10vez23Pmao1eV9SuuLg4VCoV6enp5g7FfImdu7s7Go2GlJQUo+0pKSl4e3uXeY6Pjw9t2rQxWrS3bdu2JCcnU1hYWOY51tbWhrXjbrWGnBBCCFEiM7+ItOwCAFr+syn2+nlYNgDe9IW5rWHNeMjPqJH73tbKHdBPVizTnlRswoQJqFQqnnjiiVL7pk2bhkqlYsKECXUfmBmZLbGzsrIiLCyM2NhYwzadTkdsbCwRERFlntO7d29Onz6NTvf3QsknT57Ex8cHKyurWo9ZCCFE03DuRjOsh6M1jjaWf+/IS4cvR0LiblBu9O8+th4+uaNGau/CAlyx0qhJzswnIa3sBeaFMT8/P1atWkVe3t/9EvPz8/nyyy/x9/c3Y2TmYdam2JkzZ7JkyRJWrFjB8ePHmTp1Kjk5OUycOBGAcePGER0dbTh+6tSpXLt2jaeffpqTJ0/yww8/8OabbzJt2jRzPYIQQohG6OJ1fZLg72b390ZFgbWPwpUT4OgD0/bCY7+Asz9cPwc//l+172tjqaFbgAugr7UTFevWrRt+fn6sW7fOsG3dunX4+/vTtWtXw7bAwEDmz59vdG6XLl2YPXs2AIqiMHv2bPz9/bG2tsbX15cZM2YYji0oKODFF1/Ez88Pa2trgoODWbp0ablx7dq1iz59+mBra4ufnx8zZswgJ6f2k3WzJnajRo1i7ty5zJo1iy5dunDgwAE2b95sGFCRmJhIUlKS4Xg/Pz9++ukn/vjjDzp16sSMGTN4+umneemll8z1CEIIIRqhi9f1K060cLX9e+PZbXB6K1jYwJjV4BECLcJg1Oeg0sDRb+H4xmrfOyJI3xy7+6wZEztFgcIc87yq0AQ9adIkPvvsM8P7ZcuWGSqJKmvt2rXMmzePTz75hFOnTrF+/Xo6duxo2D9u3Di++uorFixYwPHjx/nkk09wcCh7YM2ZM2cYMGAAw4YN49ChQ6xevZpdu3Yxffp0k5/NVBa1focKTJ8+vdwHjYuLK7UtIiKCPXv21HJUQgghmrKSGjujxG7n+/qvYRPB56b5U327wG1Pwa/z9bV2rfuDRdW7B90W3Ix5W+H3s/p+dipV7U6OXKaiXH0fQnP412WwMm2KmYcffpjo6GjOnz8PwK+//sqqVavKzCPKk5iYiLe3N5GRkVhaWuLv70/Pnj0BfbevNWvWsGXLFsM0bUFBQeVeKyYmhrFjx/LMM88A0Lp1axYsWEDfvn1ZtGgRNja1t5JJgxoVK4QQQtSFvxO7G02xF/bCuZ2gtoTbyqiMuPMlffNs5iU4/HW17t2xuTOWGhVp2YWGOMSteXh4MGjQIJYvX85nn33GoEGDcHd3N+kaI0aMIC8vj6CgICZPnsy3335LcXExAAcOHECj0dC3b99KXevgwYMsX74cBwcHwysqKgqdTkdCQoLJz2cKs9fYCSGEEPVNqabY3z7Uf+08CpxblD7B0hbCn4Ctr8BvC6DzaFBXre7ExlJDOx8nDl7M4K8L6fjd3M+vrlja6WvOzMGyas87adIkQwvgwoULS+1Xq9WlRhoXFRUZvvfz8yM+Pp6tW7eyZcsWnnzySd599122b9+Ora3tPy93S9nZ2UyZMsWoj16J2h7QIYmdEEIIcRNFUYxr7PIz4ORm/c7wqeWf2H0i7JirH1xxegu0iapyDF39XfWJXeJ17u9shiZRlcrk5lBzGzBgAIWFhahUKqKiSpe9h4eHUb/9zMzMUrVntra2DB48mMGDBzNt2jRCQ0M5fPgwHTt2RKfTsX37dqMVs8rTrVs3jh07RnBwcPUfzETSFCuEEELc5HpuEbmF+qlMfF1s4MQm0BaCewh4tS//RBtn6D5B//2eRdWKocuNFSgOXEiv1nWaEo1Gw/Hjxzl27JjRfLcl7r77bj7//HN27tzJ4cOHGT9+vNFxy5cvZ+nSpRw5coSzZ8/yxRdfYGtrS0BAAIGBgYwfP55Jkyaxfv16EhISiIuLY82aNWXG8uKLL/Lbb78xffp0Dhw4wKlTp/juu+/qZPBEtRK7/Pz8mopDCCGEqBdKmmG9nKyxtrgx2hWgw4P6mqxb6f6o/uvZOEiv+kpHXf1dADh6KZOC4vLXQxfGbrUQQXR0NH379uW+++5j0KBBDB06lFatWhn2u7i4sGTJEnr37k2nTp3YunUrGzZsoFkz/WogixYtYvjw4Tz55JOEhoYyefLkcqcv6dSpE9u3b+fkyZP06dOHrl27MmvWLHx9a7/2VaWYOLW1TqfjjTfeYPHixaSkpHDy5EmCgoJ4+eWXCQwM5NFHH62tWGtEZmYmzs7OZGRkyCoUQgghStl0OIknV+4nLMCVtRPawrutQVekn7fOI6TiC3w2CM7vgrv+A31fqFIMiqIQ9vpWruUUsn5ab0MNXm3Iz88nISGBli1b1upoTXFrt/o5mJK7mFxj9/rrr7N8+XLeeecdo9UeOnTowH//+19TLyeEEELUK0YDJ05s0id1nu0rl9QBdB2r/3pgZZXmZANQqVSGZO6vxOtVuoZomkxO7P73v//x6aefMnbsWKO26c6dO3PixIkaDU4IIYSoa0Zz2J3eot/Y9r7KX6DdELBygOsJcP63KsdRktgdlH52wgQmJ3aXLl0qc5SHTqczGjYshBBCNEQliZ2fi7W+rxxAq36Vv4CVPbQbqv/+yNoqx9GxuTMARy9nVvkaoukxObFr164dO3fuLLX9m2++MVqTTQghhGiISppiQ5QEyLsO1k7QPMy0i7R/QP/1+AbQVW3wQztffV+qM1eyySuUARSickyex27WrFmMHz+eS5cuodPpWLduHfHx8fzvf/9j48bqr5EnhBBCmIuiKFy6UWMXkP67fmPLO0Bj4n+XQX3BxgVyUvXNsS37mByLp6M17g5WpGUXciI5k67+riZfwxQmjqUUNaymyt/kGrshQ4awYcMGtm7dir29PbNmzeL48eNs2LCBe+65p0aCEkIIIcwhq6CYnBu1Y86Xd+k3Bt1p+oU0lhB6o1/ese+qFItKpaKdb+03x1paWgKQm5tba/cQFSsp/5KfR1VVaeWJPn36sGXLlmrdWAghhKhvkjP087N622rRXLxRY9fq7qpdrP1QOPAFHP8e7n0b1KUnza3wEr5O7Dh5pVYTO41Gg4uLC6mpqQDY2dmhqmi+PlFjFEUhNzeX1NRUXFxcypxc2RSypJgQQghxw+V0fTPsXXYJkFMEzv7gFlS1i7Xsq1+NIjsFEvdAYG+TL9H+Rj+7Y5czqhZDJXl7ewMYkjtR91xcXAw/h+owObFTq9W3zOS1WungKYQQomEqqbHrZXFKv8G/V8WrTZTHwgpCBsHBL+HY+iomdvqm2BPJWRRrdVhoamclUJVKhY+PD56enjLDhRlYWlpWu6auhMmJ3bfffmv0vqioiL/++osVK1YwZ86cGglKCCGEMIfLNxK79tpj+g3+vap3wfZDbyR238OAt0FtWmIW4GaHvZWGnEItZ67kEOLtWL14KqDRaGoswRDmYXJiN2TIkFLbhg8fTvv27Vm9enW9X1JMCCGEKE9yRh4atPjn1lBiF3QXWDtDdjJc+B0CIkw6Xa1W0dbHiT/PX+dYUkatJ3ai4auxOt1evXoRGxtbU5cTQggh6lxSRj6hqkSsdHn6hMyjbfUuaGEFoQP13x9bX6VLhProk7mTKdnVi0U0CTWS2OXl5bFgwQKaN29eE5cTQgghzCIpI58e6nj9G7+eJjedlqlkFYpj34FOZ/LpIV43ErvkrOrHIho9k5tiXV1djQZPKIpCVlYWdnZ2fPHFFzUanBBCCFFXFEUhKT2P7uqT+g3+4TVz4VZ36VevyEqCi3tNbt5tcyOxi0+RxE5UzOTEbt68eUaJnVqtxsPDg/DwcFxdqzYr9sKFC3n33XdJTk6mc+fOfPjhh/Ts2bPMY5cvX87EiRONtllbW5Ofn1+lewshhBDw9+TE3axvJHZ+1exfV8LCGkLuhUOr9bV2VUzsLl7PI7ugGAdrmalMlM/kT8eECRNqNIDVq1czc+ZMFi9eTHh4OPPnzycqKor4+Hg8PT3LPMfJyYn4+HjDe5lIUQghRHUlZ+TjwXV8VddApQbfGlz/vN3QvxO7/m+Y1MTram+Fp6M1qVkFnEzJolstLy0mGrZKJXaHDh2q9AU7depkUgDvv/8+kydPNtTCLV68mB9++IFly5bx0ksvlXmOSqWqkUn8hBBCiBKX0/PoqE7Qv3EPAWuHmrt4q7vByhEyL8GlP/X990wQ4u2oT+ySJbETt1apxK5Lly6oVKoKF6hVqVQmTVBcWFjIvn37iI6ONmxTq9VERkaye/fucs/Lzs4mICAAnU5Ht27dePPNN2nfvn2ZxxYUFFBQUGB4n5lZe8uyCCGEaLiSM/LppD6rf1OTtXUAljYQMgAOf62vtTMxsWvj5cjOU2nSz05UqFKJXUJCQq3cPC0tDa1Wi5eXl9F2Ly8vTpw4UeY5ISEhLFu2jE6dOpGRkcHcuXO57bbbOHr0KC1atCh1fExMjEycLIQQokKXM/LprLrx/11NJ3agb44tSez6v27SihaGkbGS2IkKVCqxCwgIqO04Ki0iIoKIiL8neLztttto27Ytn3zyCa+99lqp46Ojo5k5c6bhfWZmJn5+fnUSqxBCiIYjOT2XR9Rn9G9qI7EL7gdWDpBxAS7tgxbdK31qycTE8ckyl524tSoPrTl27BiJiYkUFhYabb///vsrfQ13d3c0Gg0pKSlG21NSUirdh87S0pKuXbty+vTpMvdbW1tjbW1d6ZiEEEI0TQXXLuChykSnskDt3aHmb2BpC22i4Mha/WTFJiR2rb30/f3Ssgu4ml1AMwf5f02UzeTE7uzZszzwwAMcPnzYqN9dychUU/rYWVlZERYWRmxsLEOHDgVAp9MRGxvL9OnTK3UNrVbL4cOHGThwoGkPIoQQQtzEJf0oALkubXCwtK2dm7Qbqk/sjn4H97xW6eZYOysL/N3sSLyWy8mUbCIksRPlMHlK7aeffpqWLVuSmpqKnZ0dR48eZceOHXTv3p24uDiTA5g5cyZLlixhxYoVHD9+nKlTp5KTk2MYJTtu3DijwRWvvvoqP//8M2fPnmX//v08/PDDnD9/nscee8zkewshhBAlmufq+3brfLrU3k2CI8HSDjIS4dJ+k05tI/3sRCWYXGO3e/dufvnlF9zd3VGr1ajVam6//XZiYmKYMWMGf/31l0nXGzVqFFeuXGHWrFkkJyfTpUsXNm/ebBhQkZiYiPqm+X6uX7/O5MmTSU5OxtXVlbCwMH777TfatWtn6qMIIYQQAGTmF9FadxY0YONXC/3rSljZQegg/SCKA19Ai7BKnxri7cDW4ymVHxlbMpOFzPXapJic2Gm1Whwd9X81uLu7c/nyZUJCQggICDCaNNgU06dPL7fp9Z+1gPPmzWPevHlVuo8QQghRluSMfNqqEwGwatGldm/W9RF9Ynf4G/1kxVZ2lTqtTUVrxioKJGyH/f+Ds9sh7zrYOEGbAdDjMZP69ImGy+TErkOHDhw8eJCWLVsSHh7OO++8g5WVFZ9++ilBQUG1EaMQQghRq66kXKKN6rr+jWcttwAF9gGXAEg/r5/6pMvoSp1mGBmbkoWiKMarLqWegB9fgIQdxiflXYeDX+lXvbh9Jtz5Emgsa+pJRD1kch+7//znP+h0OkDf3y0hIYE+ffqwadMmFixYUOMBCiGEELWt8KJ+haUUC9+aXXGiLGq1vtYO4K/PK31akLsDFmoVWfnFJGfeWB9dp4NfF8Di2/VJncYauk+CST/DzOMwYRN0GA6KDnbOhW8mgra4Fh5K1BeVrrHr3r07jz32GGPGjMHJyQmA4OBgTpw4wbVr13B1dZU1W4UQQjRIqlT9iNgr9q3xquDYGtFlDMS9Ced/1Q+iaN6twlOsLNS0dLfnVGo28clZ+KjSYf0TcDZOf0CbAXDv2+Aa+PdJTr4Q2BtC7oX1U+H4BvjuSRi62KT1akXDUemfaufOnfm///s/fHx8GDdunFHfNzc3N0nqhBBCNFgO6ccByHYOrZsbOjeHjiP03++YW+nTSppjC458D4si9EmdpR0M/gBGrzJO6m7WcTiMWAEqjb5Zdud71Ytf1FuVTuyWLl1KcnIyCxcuJDExkX79+hEcHMybb77JpUuXajNGIYQQola55+gnudd5lr3ueK3o8zyggvgfIPlIpU5p727Bmxb/Jerwc/r+cz6dYcoOCJtQ8ejX0IFw/40uU9vegDO/VCt8UT+ZVA9rZ2fHhAkTiIuL4+TJkzz00EN88sknBAYGMmjQINatW1dbcQohhBC1Q1uEb9F5AKxadKq7+3q0gfZD9d9vfeXv6UnKc/kAjxwexxiLX9Chgt5Pw6Nbwb115e/Z9WHoNh5QYO1jkJVc1ehFPVXlBvZWrVrx+uuvc+7cOb766iv27NnDiBEjajI2IYQQovalncSKYjIVW1x9g+v23ndG6wc8nN4Kez8t+xidDn79AP4biUNWAsmKKxO1/0bbbw5YWJl+z3vfAe+OkHtV3+/uxoBI0ThUq+dkXFwcEyZMYMKECWi1WiZPnlxTcQkhhBB1IvfiQQDiFT98XGppKbHyeIRA/9f13//8H32Cd7Pkw/DZvbBlFuiKUELv4wHdu2wvase5qzlVu6elDQxbChY2+ubYvZ9U7xlEvWJyYnfx4kVef/11goODufvuuzl37hwff/wxSUlJLF68uDZiFEIIIWpN3iX9wInzan/srEye3rX6ek6GkIGgLYQvhumbSOPehv8NhU/ugAt7wNIeBi9ANeoLPL18AIgvb6LiyvAIgag39N9vmVXpPn6i/qt0YrdmzRoGDBhAy5YtWbRoESNHjuTkyZNs376dcePGYWtbx3/lCCGEEDVAl6pP7NJsAs0TgEqlr0HrcaPV6/DX+qlQzm7Tzz/XbghM3wth40GlMoyMPVGdxA6g+6P6KVK0hbBuMhTlVfNBRH1Q6T9NHn74YQYNGsS3337LwIEDjdZvFUIIIRoqq+v6EbE5TmZcPcnKDgbN1Q+mOL0Vcq7opy5p/yA0a2V0aIVLi1WWSgX3fwSLboPUY7B1tn4ePNGgVTqxu3jxIp6enrUZixBCCFG3tEU45OrXiC1ya2PmYIDA2/WvWwj11i8SEJ9SzcQOwMEDhi6ClcPg98UQHAmt76n+dYXZVLraTZI6IYQQjc61s2gULdmKDfbuAeaOplJKmmLPXc0hr1Bb/Qu2joTwJ/Tfr38Ssq9U/5rCbKQ9VQghRNN1JR6AM4ov3nU9IraKPBytaWZvhaLAqdQaqLUDiJwDnu0gJxW+n17xnHqi3pLETgghRNOVpk/sTiu++DaQxA6ouQEUJSxtYNh/9XPqndwMf/y3Zq4r6pwkdkIIIZquKycBOKNrjrezjZmDqbySxK5aU578k1d7uGeO/vvN0ZCwo+auLepMlRK79PR0/vvf/xIdHc21a9cA2L9/v6wZK4QQokHR3pjq5LTii08DSuxCayOxA+g5Bdo/ALoiWPUw3Cgf0XCYnNgdOnSINm3a8PbbbzN37lzS09MBWLduHdHR0TUdnxBCCFE7dDpUV08BkGwVYJ7JiauoZMqTGhkZezO1GoYuBr9eUJABKwZDyrGavYeoVSYndjNnzmTChAmcOnUKG5u//7oZOHAgO3ZIta0QQogGIuMC6uJ8ChUNxc6B5o7GJCWJ3ZWsAq7lFNbsxS1tYPRX4N1JP5/e8kGQuKdm7yFqjcmJ3R9//MGUKVNKbW/evDnJyck1EpQQQghR69L0/esSFB+8XOzNHIxp7K0t8HezA+BEcmbN38DODcZ/D83DIO8aLL8P9i6R0bINgMmJnbW1NZmZpT9EJ0+exMPDo0pBLFy4kMDAQGxsbAgPD2fv3r2VOm/VqlWoVCqGDh1apfsKIYRowq78PSLW27nhjIgtUSsDKG5m6wrjN0C7ofo+d5ueh5XDIeNi7dxP1AiTE7v777+fV199laKiIgBUKhWJiYm8+OKLDBs2zOQAVq9ezcyZM3nllVfYv38/nTt3JioqitTU1Fued+7cOZ5//nn69Olj8j2FEEKIv6c6aY5vAxo4UaLWBlDczMoeRiyH/m/op0I5vRU+7A6xr0Feeu3dV1SZyYnde++9R3Z2Np6enuTl5dG3b1+Cg4NxdHTkjTfeMDmA999/n8mTJzNx4kTatWvH4sWLsbOzY9myZeWeo9VqGTt2LHPmzCEoyIxr+wkhhGi4GuhUJyVqfC678qhUcNt0eGIn+N8GxXmwcy7M6wA//dtQjqJ+MHkIkLOzM1u2bGHXrl0cOnSI7OxsunXrRmRkpMk3LywsZN++fUajadVqNZGRkezevbvc81599VU8PT159NFH2blz5y3vUVBQQEFBgeF9Wc3IQgghmhhFgSsnAH1T7MiG2BR7YwDFyZQsdDoFtVpVuzf0CIGJm+DERtj2JqQeg90f6V8+XaDNAGjZB3y76mv6hFlUeWz37bffzu2333qh4oqkpaWh1Wrx8vIy2u7l5cWJEyfKPGfXrl0sXbqUAwcOVOoeMTExzJkzp1pxCiGEaGRyrkB+OjpFxRnFFx+XhldjF+huj5VGTW6hlovX8/BvZlf7N1WpoO1gCL0PTm2BP5fBqZ8h6YD+tf0tUGnAuwP4hUOLnuDXE1z89eeKWmdyYrdgwYIyt6tUKmxsbAgODuaOO+5Ao9FUO7h/ysrK4pFHHmHJkiW4u7tX6pzo6GhmzpxpeJ+ZmYmfn1+NxyaEEKIBuTFw4oLiQQFWeDs1vMTOUqOmtZcDRy9nciwpo24SuxIqFbTpr39lp8LJn/T97y78DllJkHRQ/9r7qf54B2/oPAp6Pg7OLeouzibI5MRu3rx5XLlyhdzcXFxdXQG4fv06dnZ2ODg4kJqaSlBQENu2baswgXJ3d0ej0ZCSkmK0PSUlBW9v71LHnzlzhnPnzjF48GDDNp1Op38QCwvi4+Np1aqV0TnW1tZYW1ub+phCCCEas5sGTrjaWWJv3XAmJ75Zx+bOHL2cyeFLGQzo4GOeIBw8odsj+pei6EfNXtwLF/7QJ3rJhyA7GX79AHZ/DL1nQJ/nwaoOE9EmxOTBE2+++SY9evTg1KlTXL16latXr3Ly5EnCw8P54IMPSExMxNvbm2effbbCa1lZWREWFkZsbKxhm06nIzY2loiIiFLHh4aGcvjwYQ4cOGB43X///dx1110cOHBAauKEEEJUzo0O/6cVX5q7Nrz+dSU6NHcG4PCletJ/XKUCFz/oMAzufQse3wbRF+GhLyGwj37alJ3vweLekHzY3NE2Sib/ifKf//yHtWvXGtWMBQcHM3fuXIYNG8bZs2d55513Kj31ycyZMxk/fjzdu3enZ8+ezJ8/n5ycHCZOnAjAuHHjaN68OTExMdjY2NChQwej811cXABKbRdCCCHKdVONXQuXhltz1LEksbuYjqIoqOpjPzZLWwgdBCEDIX4TbHoBrp2F/94DQxfqk0BRY0xO7JKSkiguLi61vbi42LDyhK+vL1lZlRt+PWrUKK5cucKsWbNITk6mS5cubN682TCgIjExEbXa5IpFIYQQonw3+tid0fnStQHX2IX6OGKpUXE9t4hL6Xm0cK3HSapKpU/w/CNg3WR9n7xvHoWCbAgbb+7oGg2TM6a77rqLKVOm8Ndffxm2/fXXX0ydOpW7774bgMOHD9OyZctKX3P69OmcP3+egoICfv/9d8LDww374uLiWL58ebnnLl++nPXr15v6GEIIIZqq/Ax9B39u1Ng14MTO2kJjWDf2yKUMM0dTSXZuMOZr6P4ooMCGGfq+d6JGmJzYLV26FDc3N8LCwgwDE7p3746bmxtLly4FwMHBgffee6/GgxVCCCGqLe0UANdUrmRiT3OXhpvYwd/NsYcuNpDEDkCthkHvwW0z9O9/iobt75o3pkbC5KZYb29vtmzZwokTJzh5Ut/5NCQkhJCQEMMxd911V81FKIQQQtSkK3/3rwPqd/NlJXRo7gx/XOBwQ6mxK6FSwT2vgpUDxL0J214HXTHcFV3xuaJcVR7fHRoaSmhoaE3GIoQQQtS+GwMnjhfrpwdpyKNiATq1KBkZm1F/B1CUR6WCO18ESxvYMuvGBMcquPMlc0fWYFUpsbt48SLff/89iYmJFBYWGu17//33ayQwIYQQolYYpjppjqO1Bc62lmYOqHpCvZ2wtlCTnlvEmSs5BHs6mDsk0/V+Wv91yyyIi9F/L8ldlZic2MXGxnL//fcTFBTEiRMn6NChA+fOnUNRFLp161YbMQohhBA156apThp6bR2AlYWaLn4u/J5wjT/PXWuYiR2UkdzdqM0TJjF58ER0dDTPP/88hw8fxsbGhrVr13LhwgX69u3LiBEjaiNGIYQQomYU5cP1cwCc1vk26BGxN+sR6AbAH+eumzmSaur9NETeWN897k2Ie9u88TRAJid2x48fZ9y4cYB+Ga+8vDwcHBx49dVXeftt+QEIIYSox66eBkVHvsaBK7g0+IETJcIC9Ut8/nn+mpkjqQG3P2Oc3P34Eui0Zg2pITE5sbO3tzf0q/Px8eHMmTOGfWlpaTUXmRBCCFHTbjTDXrYMAFQNfqqTEt38XVGp4PzVXFKz8s0dTvXd/gz0f13//e+LYPXDUJhj1pAaCpMTu169erFr1y4ABg4cyHPPPccbb7zBpEmT6NWrV40HKIQQQtSYGwMnzqKf6qQx9LEDcLa1JOTGRMX7GnpzbInbnoLhn4HGWr8U2Wf3QmaSuaOq90xO7N5//33DyhBz5syhX79+rF69msDAQMMExUIIIUS9dKPG7nCBftnKgGaNoykW/u5nt/dcI2iOLdHhQZiwEeyaQdJB+OQOOLPN3FHVayYldlqtlosXL+Lv7w/om2UXL17MoUOHWLt2LQEBAbUSpBBCCFEjbtTYHSrwBiCgmb05o6lR4UH6xG7XqUbWLcqvJzy2FTzbQU4qfP4AbI6WptlymJTYaTQa+vfvz/XrjaSaVwghRNOhLdYPngBOK754OFrjYF3lefrrnduD3VGr4FRqNpfS88wdTs1yC4LJv0DYBECBPR/Dx73g0BrQ6cwdXb1iclNshw4dOHv2bG3EIoQQQtSe9POgLUCrtuaS4kFgI2qGBXCxs6Kbv350bFx8qpmjqQWWtjD4Axi7Fpz9ID0R1k2GxbdD/GZQFHNHWC+YnNi9/vrrPP/882zcuJGkpCQyMzONXkIIIUS9dGON2Gu2AehQE9iImmFL3BniAcC2E1fMHEktah0J036Hu18Ga2dIPQpfjYLFfWD//6CokdVWmsjkxG7gwIEcPHiQ+++/nxYtWuDq6oqrqysuLi64urrWRoxCCCFE9d0YOHFB4wdAoHtjTOw8AfjtTBoFxY147jcre7jjeXj6APR+BixsIeUwfP8UvN8Wfv4PpJ0yd5RmYXLngm3bZDSKEEKIBujGwIl4rQ9Ao6yxa+fjhIejNVeyCvgj4Tq3t3Y3d0i1y84N7pmjX7Hiry/gjyX6JtrfPtS//COg2zhoN0SfDDYBJid2ffv2rY04hBBCiNp1o8Zuf17jm+qkhFqtol+oJ6v+uMDGQ5cbf2JXws4Nes+AiGlw8ifYvwJO/QyJu/WvTf+nnzql4wgIuA3UGnNHXGtMbooF2LlzJw8//DC33XYbly5dAuDzzz83TFwshBBC1CuKYqixO3AjsWuMTbEAQ7vqJ1/+4VAS+UWNuDm2LGoNhA6EMavh2aP6fniugVCYpU/2Vtynb6rd9H/6+fCKGsEqHf9gcmK3du1aoqKisLW1Zf/+/RQUFACQkZHBm2++WeMBCiGEENWWeRkKs1BUGs4p3rg7NK6pTm7WM9CNFq62ZBUU8/OxFHOHYz5Ovvp+eE/9BeM3QNdHwMYZslNg7yfw+VB4O0A/L97O9+F0LKRf0E+L80+KAoW5kJ0KV8/oJ0s+96t+NO7hb+D87jp/vPKY/Kl+/fXXWbx4MePGjWPVqlWG7b179+b111+v0eCEEEKIGnHlBAA59n4U5VnQ0r3xNcOWUKtVPNi1OQt+Oc26/Re5v7OvuUMyL7UaWt6hfw16H878Ase+03/NTtZ/PfPL38er1PplzDSW+pe2GAqzQblF7WenURAQUfvPUgkm19jFx8dzxx13lNru7OxMenp6lYJYuHAhgYGB2NjYEB4ezt69e8s9dt26dXTv3h0XFxfs7e3p0qULn3/+eZXuK4QQoolIPQZAkk0roHGtOFGWB7q1AGDHyStcvJ5r5mjqEQsrCBkADyyC507Ak3sgKgbaPwDNgkFtCYoOivOgIBNyr0JBhnFSZ+UADt764326QGAfcG9jtkf6J5Nr7Ly9vTl9+jSBgYFG23ft2kVQUJDJAaxevZqZM2eyePFiwsPDmT9/PlFRUcTHx+Pp6VnqeDc3N/79738TGhqKlZUVGzduZOLEiXh6ehIVFWXy/YUQQjQBKUcBOKHol8QM9nQwZzS1rqW7PbcHu7PrdBqL4s7wxgMdzR1S/aNSgWdb/Ysn9dt0WshJg+J80BaBrghUGrB2BGsHsLTX1wDWYyZHN3nyZJ5++ml+//13VCoVly9fZuXKlTz//PNMnTrV5ADef/99Jk+ezMSJE2nXrh2LFy/Gzs6OZcuWlXn8nXfeyQMPPEDbtm1p1aoVTz/9NJ06dZKBG0IIIcqXcgSAP3L1U52EeDuaM5o6MaNfawDW/HmBy41tibHaotaAoxe4BoB7sD7p82gDTj765K6eJ3VQhcTupZdeYsyYMfTr14/s7GzuuOMOHnvsMaZMmcJTTz1l0rUKCwvZt28fkZGRfwekVhMZGcnu3RV3RFQUhdjY2HKbhwEKCgpkdQwhhGjKtEWGVSe2Z+hHxIY2gcSuZ0s3egW5UaRVWBR3xtzhiDpicmKnUqn497//zbVr1zhy5Ah79uzhypUrvPbaaybfPC0tDa1Wi5eXl9F2Ly8vkpOTyz0vIyMDBwcHrKysGDRoEB9++CH33HNPmcfGxMTg7OxsePn5+ZkcpxBCiAbs6mnQFqK1dCBR1wxHGwu8nWzMHVWdeLqfvu/Xyt/Psz/xupmjEXXB5MTuiy++IDc3FysrK9q1a0fPnj1xcKjbvgqOjo4cOHCAP/74gzfeeIOZM2cSFxdX5rHR0dFkZGQYXhcuXKjTWIUQQpjZjf516Q7BKKgJ9XZEpVKZOai6EdGqGQ92bY5OgefXHGx689o1QSYnds8++yyenp6MGTOGTZs2odVW/UPi7u6ORqMhJcV4np2UlBS8vb3LPU+tVhMcHEyXLl147rnnGD58ODExMWUea21tjZOTk9FLCCFEE3Kjf12iZUugafSvu9krg9vj5WTN2bQcXlp7CJ1OMXdIohaZnNglJSWxatUqVCoVI0eOxMfHh2nTpvHbb7+ZfHMrKyvCwsKIjY01bNPpdMTGxhIRUfn5YHQ6nWGiZCGEEMJIin6qkyPF+ilAQryaVmLnbGfJeyO6YKFWsf7AZV7deAxFkeSusTI5sbOwsOC+++5j5cqVpKamMm/ePM6dO8ddd91Fq1atTA5g5syZLFmyhBUrVnD8+HGmTp1KTk4OEydOBGDcuHFER0cbjo+JiWHLli2cPXuW48eP89577/H555/z8MMPm3xvIYQQTcCNptjfsvUtQSHeTa/l5vbW7swd0RmA5b+d45nVB6RZtpGq1noqdnZ2REVFcf36dc6fP8/x48dNvsaoUaO4cuUKs2bNIjk5mS5durB582bDgIrExETUNw0vzsnJ4cknn+TixYvY2toSGhrKF198wahRo6rzKEIIIRqj7FTIvIiCil2Z+v9XmlqNXYmhXZuTX6TlP+uP8N2By8QnZxHzYEe6+ruaOzRRg1RKFepjc3Nz+fbbb1m5ciWxsbH4+fkxevRoxo4dS2hoaG3EWWMyMzNxdnYmIyND+tsJIURjF78ZvhpFnnMwbVNexdvJhj3/6mfuqMxqz9mrPLlyP9dyClGpYExPf/4vKhRnO0tzhybKYUruYnJT7EMPPYSnpyfPPvssQUFBxMXFcfr0aV577bV6n9QJIYRoYi7vByDRti0AnVo4mzOaeqFXUDO2PHsHw7q1QFFg5e+J9Hs/jm//uih97xoBkxM7jUbDmjVrSEpK4qOPPjIa5HDkyJEaDU4IIYSolkv7ANhfrF/ysluANDsCNHOw5r2RnVn1eC+CPR1Iyy7k2dUHeWTpXpIz8s0dnqgGkxO7lStXMnDgQDQaDQBZWVl8+umn9OzZk86dO9d4gEIIIUSVKIohsfvxui8A3aQ/mZFeQc3YNKMPL0SFYG2hZtfpNAYu2Mn2k1fMHZqooioverZjxw7Gjx+Pj48Pc+fO5e6772bPnj01GZsQQghRddcTIO86itqK3Tk+WKhV0hRbBisLNdPuCubHp/vQzseJazmFTFr+B2v3XTR3aKIKTBoVm5yczPLly1m6dCmZmZmMHDmSgoIC1q9fT7t27WorRiGEEMJ0l/T96647h1KUa0FnXydsLDVmDqr+CvJwYN2Tt/GvdYdZ99clnvv6IHlFWh7uFWDu0IQJKl1jN3jwYEJCQjh06BDz58/n8uXLfPjhh7UZmxBCCFF1N5phT1no10uVaT0qZmOpYe6Izjx6u36Vjpe/O8JPR8tfu13UP5VO7H788UceffRR5syZw6BBgwx97IQQQoh66fyvAOzM0ycpMnCictRqFf8Z1JbRPf1QFJjx1V8cvphh7rBEJVU6sdu1axdZWVmEhYURHh7ORx99RFpaWm3GJoQQQlRNzlVIOgTA19f0I2LDJLGrNJVKxWtDOnB3qCcFxTqmfbmfzPwic4clKqHSiV2vXr1YsmQJSUlJTJkyhVWrVuHr64tOp2PLli1kZWXVZpxCCCFE5Z3bAShkOrUmRedMGy8HmrvYmjuqBsVCo2beyC60cLUl8Vou0esOyzx3DYDJo2Lt7e2ZNGkSu3bt4vDhwzz33HO89dZbeHp6cv/999dGjEIIIYRpzmwD4E9NFwAi23qZMZiGy9nOkg9Hd8VCreKHQ0n8cDjJ3CGJClR5uhOAkJAQ3nnnHS5evMhXX31VUzEJIYQQ1XM2DoBvrrcCoJ8kdlXW1d+VaXcFA/DKd0e5llNo5ojErVQrsSuh0WgYOnQo33//fU1cTgghhKi6awmQfh6dyoK4/DY0s7eii5+LuaNq0KbdFUyIlyNXcwp5feMxc4cjbqFGEjshhBCi3ji9FYAL9u3JxYa7Qj3RqFVmDqphs7JQ8/bwTqhUsO6vS/xx7pq5QxLlkMROCCFE43L4awC+ztEvczmgvbc5o2k0uvi58FAPPwBmfXcUrU4GUtRHktgJIYRoPK6fgwu/o6BiTV44zV1suSvU09xRNRovRIXibGvJ8aRMvvz9vLnDEWWQxE4IIUTjcaO27oBFJ1Jx5ZGIAGmGrUFu9lY831+/ksfcn0/KQIp6SBI7IYQQjYOiwKE1AHyZF461hZpR3f3MHFTjMyY8gLY+TmTkFfHuT/HmDkf8gyR2QgghGoeEHZB2kgKs2KztybCwFrjaW5k7qkZHo1bx6pD2AKz6I5FDF9PNG5AwIomdEEKIhk9RYNubAHxZfBcWds483z/EzEE1Xj0C3RjaxRdFgVe+P4pOBlLUG5LYCSGEaPjO/AIX9pCvWLKo+H7+M6gdblJbV6uiB7bF3krDX4nprN1/0dzhiBvqRWK3cOFCAgMDsbGxITw8nL1795Z77JIlS+jTpw+urq64uroSGRl5y+OFEEI0ckV55P7wLwC+0EbSqW0ID3ZrbuagGj8vJxtm9GsNwNubT5CZX2TmiATUg8Ru9erVzJw5k1deeYX9+/fTuXNnoqKiSE1NLfP4uLg4Ro8ezbZt29i9ezd+fn7079+fS5cu1XHkQgghzC0jt5CDnz6G3fUTpClO7PebwEdjuqFSyUjYujCxd0uCPOxJyy5k/pZT5g5HACpFUczaMB4eHk6PHj346KOPANDpdPj5+fHUU0/x0ksvVXi+VqvF1dWVjz76iHHjxlV4fGZmJs7OzmRkZODk5FTt+IUQQtSdgmIt59JyOXghnd9Op9L6+EKmqdeiVVR87Pcej44bj52VhbnDbFJ2nLzCuGV70ahVbJrRhxBvR3OH1OiYkruY9dNfWFjIvn37iI6ONmxTq9VERkaye/fuSl0jNzeXoqIi3NzcytxfUFBAQUGB4X1mZmb1gq6EE7//TOZvy6p+gQr+0lS4VS5e9b9SlZvPNTXdN/G2xpevoZhNPreqVNU4v/Lxlr6+OZ7VXGVc3ftWp7am4T3vra97K+Yp4yKVJYUqGwpVNhSobShUWVOotqFAZUu+2o5cjSO5agfy1PZoVRqyC4q5ml1IWnYh13IK0CkK3VSneMZiLXdoDgNwtvMLPPXgo1WOSVTdHW08iGrvxU9HU3hx7SG+eSICC43ZGwSbLLMmdmlpaWi1Wry8vIy2e3l5ceLEiUpd48UXX8TX15fIyMgy98fExDBnzpxqx2qKrKRT9Mz4sU7vKYQQjVGOYk0m9mQqdmRih85STZAqGQ9VOgA6jTWq++bRuutY8wbaxM0a3J7fzlzlwIV0Fm47w9ORrc0dUpPVoOur33rrLVatWkVcXBw2NjZlHhMdHc3MmTMN7zMzM/Hzq90JK93b9GRP5oxqXKE6f2NXr2VdVWvnV/zXvaqqvQIMl65m7HXYK6FUpWy17l1T9Z8VK/va1an7rG6ZV3y+6pYlYr7Yq3V+dT4vKlX1y72c+1fus6eg1hVhoc0r82VZnINlURZW2hwA7FUF2FOAj+ofi85b2EKHB1HfNgM8Q6v1OKL6mrvY8tqQDjyz+gALfjnF7a3dCQtwNXdYTZJZEzt3d3c0Gg0pKSlG21NSUvD2vvWizXPnzuWtt95i69atdOrUqdzjrK2tsba2rpF4K6tlux60bNejTu8phBCNirYYCjIhP+PGK13/VVsEbi3BPQSsHcwdpbjJkC6+xJ5IZcPBy0z9Yh8bnrodL6eyK11E7TFrI7iVlRVhYWHExsYatul0OmJjY4mIiCj3vHfeeYfXXnuNzZs3071797oIVQghRF3SWICdmz6J8+0CQXdCuyHQcTg0D5Okrh5SqVTEPNiRNl4OpGYVMOXzfeQVas0dVpNj9t6NM2fOZMmSJaxYsYLjx48zdepUcnJymDhxIgDjxo0zGlzx9ttv8/LLL7Ns2TICAwNJTk4mOTmZ7Oxscz2CEEIIIQAHaws+faQ7zraWHLiQzhNf7KOwWGfusJoUsyd2o0aNYu7cucyaNYsuXbpw4MABNm/ebBhQkZiYSFJSkuH4RYsWUVhYyPDhw/Hx8TG85s6da65HEEIIIcQNge72LB3fHVtLDdtPXmH6l/vJL5Kau7pi9nns6prMYyeEEELUvh0nr/DYij8p1OqICGrGJ+PCcLKxNHdYDZIpuYvZa+yEEEII0fjc0caD5RN7YG+lYffZqzyw8FdOp0q3qdomiZ0QQgghasVtwe6snhKBt5MNZ67kMHThr6zdd5Em1lhYpySxE0IIIUSt6dDcmQ1P3U7Plm5kFxTz3NcHefzzfVxKzzN3aI2SJHZCCCGEqFUejtZ8+Vg4L0SFYKFWseVYCv3ei+O9n+PJyC0yd3iNigyeEEIIIUSdOZGcyazvjrI3Qb+aiIO1BcPDWjCqhx+h3o6oKlgvvSkyJXeRxE4IIYQQdUpRFH46msz8rac4kZxl2N7S3Z7bg93p1MKZTi1caOVhj4VGGhclsbsFSeyEEEKI+kGnU/j1TBor9yTyy4lUCrXGkxlbWahp4WqLn6sd/m52+LnZ4u9mRwtXO/zc7HC2bRrTp0hidwuS2AkhhBD1T3ZBMTtOXuGvxOscupjBkUsZ5FSwJJmzrSXBng508HWiQ3NnOjR3prWnQ6Or5ZPE7hYksRNCCCHqP51O4VJ6Hheu5ZJ4LZcL13NJvKZ/f+FaLldzCss8z9pCTaiPEx2bO9HBV5/stfFyxMqi4SZ7ktjdgiR2QgghRMOXU1DMheu5nEjK4silDA5fyuDo5UyyC4pLHWulURPi7UiH5jdq9nydae3lgJ2VhRkiN50kdrcgiZ0QQgjROOl0Cuev5XLkkr4p98jlDI5cyiQjr+wpVbydbGjpbk+Qhz0t3e1p7mKLu6M17g7WuDtY4WBtUS9G6UpidwuS2AkhhBBNh6IoXLyeZ6jVO3I5k2OXM0jLLrsp92bWFmqcbS2xsdRgbaE2fLWyUKNWqVCpQKVSERHUjKl3tqq1ZzAld2kYdZBCCCGEEFWgUqnwc9OPor23o49he3puIQlpOZy9kqP/mpZNSmYBadkFpGUVkFOopaBYR2pWQYX3cLOrP6NzJbETQgghRJPjYmdFV38ruvq7lrk/r1BLWnYBmflFFBTryC/SUlCko6BYn/AB6BQFnQ783OzqMvRbksROCCGEEOIfbK009Sphq6yGO/ZXCCGEEEIYkcROCCGEEKKRkMROCCGEEKKRkMROCCGEEKKRkMROCCGEEKKRaHKjYkvmY87MzDRzJEIIIYQQFSvJWSqzpkSTS+yysrIA8PPzM3MkQgghhBCVl5WVhbOz8y2PaXJLiul0Oi5fvoyjo2Otrv+WmZmJn58fFy5ckKXLapCUa+2Qcq0dUq61Q8q1dki51o6aKFdFUcjKysLX1xe1+ta96JpcjZ1araZFixZ1dj8nJyf5BakFUq61Q8q1dki51g4p19oh5Vo7qluuFdXUlZDBE0IIIYQQjYQkdkIIIYQQjYQkdrXE2tqaV155BWtra3OH0qhIudYOKdfaIeVaO6Rca4eUa+2o63JtcoMnhBBCCCEaK6mxE0IIIYRoJCSxE0IIIYRoJCSxE0IIIYRoJCSxE0IIIYRoJCSxqwULFy4kMDAQGxsbwsPD2bt3r7lDalBmz56NSqUyeoWGhhr25+fnM23aNJo1a4aDgwPDhg0jJSXFjBHXTzt27GDw4MH4+vqiUqlYv3690X5FUZg1axY+Pj7Y2toSGRnJqVOnjI65du0aY8eOxcnJCRcXFx599FGys7Pr8Cnqn4rKdcKECaU+vwMGDDA6Rsq1tJiYGHr06IGjoyOenp4MHTqU+Ph4o2Mq87ufmJjIoEGDsLOzw9PTkxdeeIHi4uK6fJR6pTLleuedd5b6zD7xxBNGx0i5Glu0aBGdOnUyTDocERHBjz/+aNhvzs+qJHY1bPXq1cycOZNXXnmF/fv307lzZ6KiokhNTTV3aA1K+/btSUpKMrx27dpl2Pfss8+yYcMGvv76a7Zv387ly5d58MEHzRht/ZSTk0Pnzp1ZuHBhmfvfeecdFixYwOLFi/n999+xt7cnKiqK/Px8wzFjx47l6NGjbNmyhY0bN7Jjxw4ef/zxunqEeqmicgUYMGCA0ef3q6++Mtov5Vra9u3bmTZtGnv27GHLli0UFRXRv39/cnJyDMdU9Luv1WoZNGgQhYWF/Pbbb6xYsYLly5cza9YsczxSvVCZcgWYPHmy0Wf2nXfeMeyTci2tRYsWvPXWW+zbt48///yTu+++myFDhnD06FHAzJ9VRdSonj17KtOmTTO812q1iq+vrxITE2PGqBqWV155RencuXOZ+9LT0xVLS0vl66+/Nmw7fvy4Aii7d++uowgbHkD59ttvDe91Op3i7e2tvPvuu4Zt6enpirW1tfLVV18piqIox44dUwDljz/+MBzz448/KiqVSrl06VKdxV6f/bNcFUVRxo8frwwZMqTcc6RcKyc1NVUBlO3btyuKUrnf/U2bNilqtVpJTk42HLNo0SLFyclJKSgoqNsHqKf+Wa6Koih9+/ZVnn766XLPkXKtHFdXV+W///2v2T+rUmNXgwoLC9m3bx+RkZGGbWq1msjISHbv3m3GyBqeU6dO4evrS1BQEGPHjiUxMRGAffv2UVRUZFTGoaGh+Pv7SxmbICEhgeTkZKNydHZ2Jjw83FCOu3fvxsXFhe7duxuOiYyMRK1W8/vvv9d5zA1JXFwcnp6ehISEMHXqVK5evWrYJ+VaORkZGQC4ubkBlfvd3717Nx07dsTLy8twTFRUFJmZmYaalKbun+VaYuXKlbi7u9OhQweio6PJzc017JNyvTWtVsuqVavIyckhIiLC7J9Vi2qdLYykpaWh1WqNflAAXl5enDhxwkxRNTzh4eEsX76ckJAQkpKSmDNnDn369OHIkSMkJydjZWWFi4uL0TleXl4kJyebJ+AGqKSsyvqsluxLTk7G09PTaL+FhQVubm5S1rcwYMAAHnzwQVq2bMmZM2f417/+xb333svu3bvRaDRSrpWg0+l45pln6N27Nx06dACo1O9+cnJymZ/pkn1NXVnlCjBmzBgCAgLw9fXl0KFDvPjii8THx7Nu3TpAyrU8hw8fJiIigvz8fBwcHPj2229p164dBw4cMOtnVRI7Ue/ce++9hu87depEeHg4AQEBrFmzBltbWzNGJkTFHnroIcP3HTt2pFOnTrRq1Yq4uDj69etnxsgajmnTpnHkyBGjvrWi+sor15v7d3bs2BEfHx/69evHmTNnaNWqVV2H2WCEhIRw4MABMjIy+Oabbxg/fjzbt283d1gyeKImubu7o9FoSo18SUlJwdvb20xRNXwuLi60adOG06dP4+3tTWFhIenp6UbHSBmbpqSsbvVZ9fb2LjXop7i4mGvXrklZmyAoKAh3d3dOnz4NSLlWZPr06WzcuJFt27bRokULw/bK/O57e3uX+Zku2deUlVeuZQkPDwcw+sxKuZZmZWVFcHAwYWFhxMTE0LlzZz744AOzf1YlsatBVlZWhIWFERsba9im0+mIjY0lIiLCjJE1bNnZ2Zw5cwYfHx/CwsKwtLQ0KuP4+HgSExOljE3QsmVLvL29jcoxMzOT33//3VCOERERpKens2/fPsMxv/zyCzqdzvAPv6jYxYsXuXr1Kj4+PoCUa3kURWH69Ol8++23/PLLL7Rs2dJof2V+9yMiIjh8+LBR4rxlyxacnJxo165d3TxIPVNRuZblwIEDAEafWSnXiul0OgoKCsz/Wa3W0AtRyqpVqxRra2tl+fLlyrFjx5THH39ccXFxMRr5Im7tueeeU+Li4pSEhATl119/VSIjIxV3d3clNTVVURRFeeKJJxR/f3/ll19+Uf78808lIiJCiYiIMHPU9U9WVpby119/KX/99ZcCKO+//77y119/KefPn1cURVHeeustxcXFRfnuu++UQ4cOKUOGDFFatmyp5OXlGa4xYMAApWvXrsrvv/+u7Nq1S2ndurUyevRocz1SvXCrcs3KylKef/55Zffu3UpCQoKydetWpVu3bkrr1q2V/Px8wzWkXEubOnWq4uzsrMTFxSlJSUmGV25uruGYin73i4uLlQ4dOij9+/dXDhw4oGzevFnx8PBQoqOjzfFI9UJF5Xr69Gnl1VdfVf78808lISFB+e6775SgoCDljjvuMFxDyrW0l156Sdm+fbuSkJCgHDp0SHnppZcUlUql/Pzzz4qimPezKoldLfjwww8Vf39/xcrKSunZs6eyZ88ec4fUoIwaNUrx8fFRrKyslObNmyujRo1STp8+bdifl5enPPnkk4qrq6tiZ2enPPDAA0pSUpIZI66ftm3bpgClXuPHj1cURT/lycsvv6x4eXkp1tbWSr9+/ZT4+Hija1y9elUZPXq04uDgoDg5OSkTJ05UsrKyzPA09cetyjU3N1fp37+/4uHhoVhaWioBAQHK5MmTS/1hJ+VaWlllCiifffaZ4ZjK/O6fO3dOuffeexVbW1vF3d1dee6555SioqI6fpr6o6JyTUxMVO644w7Fzc1Nsba2VoKDg5UXXnhBycjIMLqOlKuxSZMmKQEBAYqVlZXi4eGh9OvXz5DUKYp5P6sqRVGU6tX5CSGEEEKI+kD62AkhhBBCNBKS2AkhhBBCNBKS2AkhhBBCNBKS2AkhhBBCNBKS2AkhhBBCNBKS2AkhhBBCNBKS2AkhhBBCNBKS2AkhmoQJEyYwdOhQc4chhBC1ShI7IUSDp1KpbvmaPXs2H3zwAcuXLzdLfEuWLKFz5844ODjg4uJC165diYmJMeyXpFMIUVMszB2AEEJUV1JSkuH71atXM2vWLOLj4w3bHBwccHBwMEdoLFu2jGeeeYYFCxbQt29fCgoKOHToEEeOHDFLPEKIxk1q7IQQDZ63t7fh5ezsjEqlMtrm4OBQqlbszjvv5KmnnuKZZ57B1dUVLy8vlixZQk5ODhMnTsTR0ZHg4GB+/PFHo3sdOXKEe++9FwcHB7y8vHjkkUdIS0srN7bvv/+ekSNH8uijjxIcHEz79u0ZPXo0b7zxBgCzZ89mxYoVfPfdd4Yaxri4OAAuXLjAyJEjcXFxwc3NjSFDhnDu3DnDtUueac6cOXh4eODk5MQTTzxBYWFhjZWtEKJhkcROCNFkrVixAnd3d/bu3ctTTz3F1KlTGTFiBLfddhv79++nf//+PPLII+Tm5gKQnp7O3XffTdeuXfnzzz/ZvHkzKSkpjBw5stx7eHt7s2fPHs6fP1/m/ueff56RI0cyYMAAkpKSSEpK4rbbbqOoqIioqCgcHR3ZuXMnv/76Kw4ODgwYMMAocYuNjeX48ePExcXx1VdfsW7dOubMmVOzBSWEaDgUIYRoRD777DPF2dm51Pbx48crQ4YMMbzv27evcvvttxveFxcXK/b29sojjzxi2JaUlKQAyu7duxVFUZTXXntN6d+/v9F1L1y4oABKfHx8mfFcvnxZ6dWrlwIobdq0UcaPH6+sXr1a0Wq15camKIry+eefKyEhIYpOpzNsKygoUGxtbZWffvrJcJ6bm5uSk5NjOGbRokWKg4OD0fWFEE2H1NgJIZqsTp06Gb7XaDQ0a9aMjh07GrZ5eXkBkJqaCsDBgwfZtm2boc+eg4MDoaGhAJw5c6bMe/j4+LB7924OHz7M008/TXFxMePHj2fAgAHodLpyYzt48CCnT5/G0dHRcC83Nzfy8/ON7tW5c2fs7OwM7yMiIsjOzubChQtVKBEhREMngyeEEE2WpaWl0XuVSmW0TaVSARgSsOzsbAYPHszbb79d6lo+Pj63vFeHDh3o0KEDTz75JE888QR9+vRh+/bt3HXXXWUen52dTVhYGCtXriy1z8PD49YPJoRosiSxE0KISurWrRtr164lMDAQC4uq//PZrl07AHJycgCwsrJCq9WWutfq1avx9PTEycmp3GsdPHiQvLw8bG1tAdizZw8ODg74+flVOT4hRMMlTbFCCFFJ06ZN49q1a4wePZo//viDM2fO8NNPPzFx4sRSiVmJqVOn8tprr/Hrr79y/vx59uzZw7hx4/Dw8CAiIgKAwMBADh06RHx8PGlpaRQVFTF27Fjc3d0ZMmQIO3fuJCEhgbi4OGbMmMHFixcN1y8sLOTRRx/l2LFjbNq0iVdeeYXp06ejVss/70I0RfKbL4QQleTr68uvv/6KVqulf//+dOzYkWeeeQYXF5dyE6nIyEj27NnDiBEjaNOmDcOGDcPGxobY2FiaNWsGwOTJkwkJCaF79+54eHjw66+/Ymdnx44dO/D39+fBBx+kbdu2PProo+Tn5xvV4PXr14/WrVtzxx13MGrUKO6//35mz55dF8UhhKiHVIqiKOYOQgghhOkmTJhAeno669evN3coQoh6QmrshBBCCCEaCUnshBBCCCEaCWmKFUIIIYRoJKTGTgghhBCikZDETgghhBCikZDETgghhBCikZDETgghhBCikZDETgghhBCikZDETgghhBCikZDETgghhBCikZDETgghhBCikZDETgghhBCikfh/jVFiSAy76MMAAAAASUVORK5CYII=", + "image/png": "iVBORw0KGgoAAAANSUhEUgAABKUAAAGGCAYAAACqvTJ0AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjYuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8o6BhiAAAACXBIWXMAAA9hAAAPYQGoP6dpAAB6mUlEQVR4nO3dd3wUdf7H8ddm0zshHRJCqNJ7KCIWBBQRFQEBpSmHiu3Q+yl3HpY7xbMiNuxYUIqKBREFBAQEUaT3HloSWnrfnd8fKyuRloTNTsr7+XjsY2ZnZuf7njC3l3z8fr9jMQzDQERERERERERExI08zA4gIiIiIiIiIiI1j4pSIiIiIiIiIiLidipKiYiIiIiIiIiI26koJSIiIiIiIiIibqeilIiIiIiIiIiIuJ2KUiIiIiIiIiIi4nYqSomIiIiIiIiIiNupKCUiIiIiIiIiIm6nopSIiIiIiIiIiLidilIiIiIi5zFy5EgSEhLMjlGl6WcoIiIiZ6OilIiIiLjdtGnTsFgsWCwWli9ffsZ+wzCIi4vDYrFw3XXXmZBQLuTUv9+FXkuWLDE7qoiIiFRSnmYHEBERkZrL19eXTz75hEsvvbTE9qVLl3Lw4EF8fHxMSiYX8tFHH5V4/+GHH7JgwYIztl9yySW8/fbb2O12d8YTERGRKkBFKRERETHNtddey+zZs5kyZQqenn/+WvLJJ5/Qvn17jh07ZmI6AcjJySEgIOCM7bfeemuJ96tWrWLBggVnbBcRERE5Fw3fExEREdMMGTKE48ePs2DBAue2wsJCPvvsM4YOHXrG8UuWLDnrkLB9+/ZhsViYNm2ac1tKSgqjRo2ibt26+Pj4EBMTQ//+/dm3b1+Jz3733Xf06NGDoKAggoOD6dixI5988sl5c9vtdiZPnkzz5s3x9fUlKiqKsWPHcvLkyRLH/fbbb/Tu3Zvw8HD8/PyoX78+o0ePLtXP5vXXX6d58+b4+PgQGxvLuHHjSE9Pd+6/5557CAwMJDc394zPDhkyhOjoaGw2W4nr7N69OwEBAQQFBdG3b182b95c4nMjR44kMDCQ3bt3c+211xIUFMSwYcNKlfd8/jqn1Kl/r+eff57XXnuNxMRE/P396dWrFwcOHMAwDP7zn/9Qt25d/Pz86N+/PydOnDjjvKW5JhEREam8VJQSERER0yQkJNClSxc+/fRT57bvvvuOjIwMbrnllos694ABA5gzZw6jRo3i9ddf57777iMrK4vk5GTnMdOmTaNv376cOHGCCRMm8Mwzz9CmTRvmz59/3nOPHTuWf/zjH3Tr1o2XX36ZUaNGMX36dHr37k1RUREAaWlp9OrVi3379vHII4/wyiuvMGzYMFatWnXB7I8//jjjxo0jNjaWF154gQEDBvDmm2/Sq1cv5/kHDx5MTk4O3377bYnP5ubm8s0333DzzTdjtVoBx1C7vn37EhgYyP/+9z/+/e9/s2XLFi699NIzinTFxcX07t2byMhInn/+eQYMGHDBvOU1ffp0Xn/9de69914efPBBli5dyqBBg3j00UeZP38+Dz/8MH/729/45ptveOihh0p8tizXJCIiIpWUISIiIuJm77//vgEYv/76q/Hqq68aQUFBRm5urmEYhjFw4EDjiiuuMAzDMOrVq2f07dvX+bnFixcbgLF48eIS59u7d68BGO+//75hGIZx8uRJAzCee+65c2ZIT083goKCjKSkJCMvL6/EPrvd7lwfMWKEUa9ePef7ZcuWGYAxffr0Ep+ZP39+ie1z5sxxXmNZpKWlGd7e3kavXr0Mm83m3P7qq68agPHee+85M9apU8cYMGBAic/PmjXLAIyffvrJMAzDyMrKMkJDQ40xY8aUOC4lJcUICQkpsX3EiBEGYDzyyCNlymwYhjFu3DjjXL9a/vVneOrfKyIiwkhPT3dunzBhggEYrVu3NoqKipzbhwwZYnh7exv5+fllviYRERGpvNRTSkREREw1aNAg8vLymDt3LllZWcydO/esQ/fKws/PD29vb5YsWXLGkLpTFixYQFZWFo888gi+vr4l9lkslnOee/bs2YSEhHD11Vdz7Ngx56t9+/YEBgayePFiAEJDQwGYO3eus3dTaSxcuJDCwkIeeOABPDz+/FVtzJgxBAcHO3tGWSwWBg4cyLx588jOznYeN3PmTOrUqeOcPH7BggWkp6czZMiQEnmtVitJSUnOvKe76667Sp33YgwcOJCQkBDn+6SkJMAxX9Xpc4wlJSVRWFjIoUOHgPJdk4iIiFQ+muhcRERETBUREUHPnj355JNPyM3NxWazcfPNN1/UOX18fPjf//7Hgw8+SFRUFJ07d+a6665j+PDhREdHA7B7924AWrRoUaZz79y5k4yMDCIjI8+6Py0tDYAePXowYMAAnnjiCV566SUuv/xybrjhBoYOHXrepwru378fgCZNmpTY7u3tTWJionM/OIbwTZ48ma+//pqhQ4eSnZ3NvHnzGDt2rLOwtnPnTgCuvPLKs7YXHBxc4r2npyd169Y934/AZeLj40u8P1WgiouLO+v2UwXGsl6TiIiIVE4qSomIiIjphg4dypgxY0hJSeGaa65x9jL6q3P1YDp9Qu9THnjgAfr168eXX37J999/z7///W8mTZrEjz/+SNu2bcud1W63ExkZyfTp08+6PyIiwpn1s88+Y9WqVXzzzTd8//33jB49mhdeeIFVq1YRGBhY7gyndO7cmYSEBGbNmsXQoUP55ptvyMvLY/DgwSXygmMOplMFudOd3iMJHAW903toVaRTc16VdrthGEDZr0lEREQqJ/0/toiIiJjuxhtvZOzYsaxatYqZM2ee87hatWoBlHgKHVCi99DpGjRowIMPPsiDDz7Izp07adOmDS+88AIff/wxDRo0AGDTpk00bNiw1FkbNGjAwoUL6datG35+fhc8vnPnznTu3JmnnnqKTz75hGHDhjFjxgzuuOOOsx5fr149ALZv305iYqJze2FhIXv37qVnz54ljh80aBAvv/wymZmZzJw5k4SEBDp37lwiL0BkZOQZn62qquM1iYiI1ESaU0pERERMFxgYyBtvvMHjjz9Ov379znlcvXr1sFqt/PTTTyW2v/766yXe5+bmkp+fX2JbgwYNCAoKoqCgAIBevXoRFBTEpEmTzjj2VI+csxk0aBA2m43//Oc/Z+wrLi52FsxOnjx5xnnatGkD4MxwNj179sTb25spU6aU+Py7775LRkYGffv2LXH84MGDKSgo4IMPPmD+/PkMGjSoxP7evXsTHBzM008/fda5rY4ePXrOLJVVdbwmERGRmkg9pURERKRSGDFixAWPCQkJYeDAgbzyyitYLBYaNGjA3LlznfM4nbJjxw6uuuoqBg0aRLNmzfD09GTOnDmkpqZyyy23AI55h1566SXuuOMOOnbsyNChQ6lVqxbr168nNzeXDz744KwZevTowdixY5k0aRLr1q2jV69eeHl5sXPnTmbPns3LL7/MzTffzAcffMDrr7/OjTfeSIMGDcjKyuLtt98mODiYa6+99pzXGBERwYQJE3jiiSfo06cP119/Pdu3b+f111+nY8eO3HrrrSWOb9euHQ0bNuRf//oXBQUFJYbunbrON954g9tuu4127dpxyy23EBERQXJyMt9++y3dunXj1VdfveDPvjKpjtckIiJSE6koJSIiIlXKK6+8QlFREVOnTsXHx4dBgwbx3HPPlZiwPC4ujiFDhrBo0SI++ugjPD09adq0KbNmzWLAgAHO426//XYiIyN55pln+M9//oOXlxdNmzbl73//+3kzTJ06lfbt2/Pmm2/yz3/+E09PTxISErj11lvp1q0b4CherV69mhkzZpCamkpISAidOnVi+vTp1K9f/7znf/zxx4mIiODVV1/l73//O2FhYfztb3/j6aefxsvL64zjBw8ezFNPPUXDhg1p167dGfuHDh1KbGwszzzzDM899xwFBQXUqVOH7t27M2rUqPNmqayq4zWJiIjUNBbjfP3TRUREREREREREKoDmlBIREREREREREbdTUUpERERERERERNxORSkREREREREREXE7FaVERERERERERMTtVJQSERERERERERG3U1FKRERERERERETcztPsAO5mt9s5fPgwQUFBWCwWs+OIiIiIiIiIiFQrhmGQlZVFbGwsHh7n7g9V44pShw8fJi4uzuwYIiIiIiIiIiLV2oEDB6hbt+4599e4olRQUBDg+MEEBwebnEZEREREREREpHrJzMwkLi7OWYM5lxpXlDo1ZC84OFhFKRERERERERGRCnKhaZM00bmIiIiIiIiIiLid6UWp1157jYSEBHx9fUlKSmL16tXnPT49PZ1x48YRExODj48PjRs3Zt68eW5KKyIiIiIiIiIirmDq8L2ZM2cyfvx4pk6dSlJSEpMnT6Z3795s376dyMjIM44vLCzk6quvJjIyks8++4w6deqwf/9+QkND3R9eRERERERERETKzWIYhmFW40lJSXTs2JFXX30VALvdTlxcHPfeey+PPPLIGcdPnTqV5557jm3btuHl5VWuNjMzMwkJCSEjI0NzSomIiIiIiIhUYTabjaKiIrNj1DheXl5YrdZz7i9t7cW0nlKFhYWsWbOGCRMmOLd5eHjQs2dPVq5cedbPfP3113Tp0oVx48bx1VdfERERwdChQ3n44YfP+8MQERERERERkerDMAxSUlJIT083O0qNFRoaSnR09AUnMz8f04pSx44dw2azERUVVWJ7VFQU27ZtO+tn9uzZw48//siwYcOYN28eu3bt4u6776aoqIjHHnvsrJ8pKCigoKDA+T4zM9N1FyEiIiIiIiIibneqIBUZGYm/v/9FFUakbAzDIDc3l7S0NABiYmLKfS5T55QqK7vdTmRkJG+99RZWq5X27dtz6NAhnnvuuXMWpSZNmsQTTzzh5qQiIiIiIiIiUhFsNpuzIFW7dm2z49RIfn5+AKSlpREZGVnu0WumPX0vPDwcq9VKampqie2pqalER0ef9TMxMTE0bty4xMVecsklpKSkUFhYeNbPTJgwgYyMDOfrwIEDrrsIEREREREREXGrU3NI+fv7m5ykZjv187+YOb1MK0p5e3vTvn17Fi1a5Nxmt9tZtGgRXbp0OetnunXrxq5du7Db7c5tO3bsICYmBm9v77N+xsfHh+Dg4BIvEREREREREanaNGTPXK74+ZtWlAIYP348b7/9Nh988AFbt27lrrvuIicnh1GjRgEwfPjwEhOh33XXXZw4cYL777+fHTt28O233/L0008zbtw4sy5BRERERERERETKwdQ5pQYPHszRo0eZOHEiKSkptGnThvnz5zsnP09OTsbD48+6WVxcHN9//z1///vfadWqFXXq1OH+++/n4YcfNusSREREREREyi4/A3b/CKmbIWUTZB6CVoOg8zjwMLXvgIjUAEuWLOGKK67g5MmThIaGmpbD9InO77nnHu65556z7luyZMkZ27p06cKqVasqOJWIiIiIiEgFyTgI7/aGzIMlt6dsgJ0/wA1TIaSOOdlEpEKNHDmSDz74gLFjxzJ16tQS+8aNG8frr7/OiBEjmDZtmjkB3UwleBEREREREXfJS4ePb3YUpILrQLvhcM2z0Ptp8PKHvT/BG11h6zdmJxWRChIXF8eMGTPIy8tzbsvPz+eTTz4hPj7exGTup6KUiIiIiIiIOxTlw4xhcHQrBMXA6O/h+lcgaSx0GQdjl0FsW8hPh1nD4cCvZicWkQrQrl074uLi+OKLL5zbvvjiC+Lj42nbtq1zW0JCApMnTy7x2TZt2vD4448DYBgGjz/+OPHx8fj4+BAbG8t9993nPLagoICHH36YuLg4fHx8aNiwIe++++45cy1fvpzu3bvj5+dHXFwc9913Hzk5Oa656HNQUUpERERERKSi2e0wZyzsXw4+wTDsMwiNK3lMeEO4fQE0uwEMO3x5FxTlnfV0IlKSYRjkFhab8jIMo8x5R48ezfvvv+98/9577zkf+lZan3/+OS+99BJvvvkmO3fu5Msvv6Rly5bO/cOHD+fTTz9lypQpbN26lTfffJPAwMCznmv37t306dOHAQMGsGHDBmbOnMny5cvPOd2Sq5g+p5SIiIiIiEi1t/ZD2PIleHjB4I8husXZj7N6Qb/JcOAXOL4Tfvwv9H7KnUlFqqS8IhvNJn5vSttbnuyNv3fZyiu33norEyZMYP/+/QCsWLGCGTNmnHVu7XNJTk4mOjqanj174uXlRXx8PJ06dQJgx44dzJo1iwULFtCzZ08AEhMTz3muSZMmMWzYMB544AEAGjVqxJQpU+jRowdvvPEGvr6+Zbq+0lJPKRERERERkYpkK4KfXnCsXzUREnuc/3i/WtBvimN95Wuwf2XF5hMRt4uIiKBv375MmzaN999/n759+xIeHl6mcwwcOJC8vDwSExMZM2YMc+bMobi4GIB169ZhtVrp0eMC3zd/WL9+PdOmTSMwMND56t27N3a7nb1795b5+kpLPaVEREREREQq0voZkJEMAZHQ8Y7SfaZxL2h7K6z92DGM764V4B1QsTlFqjA/LytbnuxtWtvlMXr0aOfwuNdee+2M/R4eHmcMDSwqKnKux8XFsX37dhYuXMiCBQu4++67ee6551i6dCl+fn5lypKdnc3YsWNLzEl1SkVOvq6ilIiIiIiISEWxFcGy5x3r3e4Db//Sf7b307B7CZzcC8tfgisfrZCIItWBxWIp8xA6s/Xp04fCwkIsFgu9e59ZUIuIiODIkSPO95mZmWf0WvLz86Nfv37069ePcePG0bRpUzZu3EjLli2x2+0sXbrUOXzvfNq1a8eWLVto2LDhxV9YGWj4noiIiIiISEXZOBtO7gP/cOgwumyf9Q2BPpMc67+8BfkZLo8nIuaxWq1s3bqVLVu2YLWe2dvqyiuv5KOPPmLZsmVs3LiRESNGlDhu2rRpvPvuu2zatIk9e/bw8ccf4+fnR7169UhISGDEiBGMHj2aL7/8kr1797JkyRJmzZp11iwPP/wwP//8M/fccw/r1q1j586dfPXVVxU+0bmKUiIiIiIiIhXBVgw//dFLquu95Rt+1/Q6iGgKBRnw67kf5S4iVVNwcDDBwcFn3TdhwgR69OjBddddR9++fbnhhhto0KCBc39oaChvv/023bp1o1WrVixcuJBvvvmG2rVrA/DGG29w8803c/fdd9O0aVPGjBlDTk7OWdtq1aoVS5cuZceOHXTv3p22bdsyceJEYmNjXX/Rp7EY5Xl2YRWWmZlJSEgIGRkZ5/yHFxERERERuWjrZ8Kcv4FfGDywEXzO/ij2Up/HP9xxnrIMARSphvLz89m7dy/169evsKfCyYWd79+htLUX9ZQSERERERGpCD+/4lh2vaf8BSmAFgMgNB5yj8Haj1yTTUSkElBRSkRERERExNVSt0DqRvDwgvajLu5cVk/o9oBjfcUUKC686HgiIpWBilIiIiIiIiKutnG2Y9moF/iHXfz52gyDwGjIPAgbzz5RsYhIVaOilIiIiIiIiCsZBmz8zLHe8mbXnNPL1zEMEGD5S2C3u+a8IiImUlFKRERERETElQ78AhnJ4B0Ijfu47rztR4FPMBzfBfuWue68IiImUVFKRERERETElU4N3Wt6nWuflOcT+GfPq98/cN15RURMoqKUiIiIiIiIq9iKYPMcx3qrga4/f7sRjuXWbyDnuOvPLyLiRipKiYiIiIiIuMqeJZB7HPzDof7lrj9/bBuIaQ22Qtgww/XnFxFxIxWlREREREREXGXDH0/Ga3ETWD0rpo12wx3LNR84JlUXEamiVJQSERERERFxhcIc2PatY73loIprp+VA8PKHY9sdk6qLiJTRkiVLsFgspKenm5pDRSkRERERERFX2P0jFOVAaDzU7VBx7fiGQPMbHetrNOG5SFUycuRILBYLd9555xn7xo0bh8ViYeTIke4PZhIVpURERERERFxh5wLHsvE1YLFUbFunJjzfPAfy0iu2LRFxqbi4OGbMmEFeXp5zW35+Pp988gnx8fEmJnM/FaVEREREREQulmHArkWO9UZXV3x7cZ0goikU58Gmzyu+PRFxmXbt2hEXF8cXX3zh3PbFF18QHx9P27ZtndsSEhKYPHlyic+2adOGxx9/HADDMHj88ceJj4/Hx8eH2NhY7rvvPuexBQUFPPzww8TFxeHj40PDhg159913z5lr+fLldO/eHT8/P+Li4rjvvvvIyclxzUWfg4pSIiIiIiIiF+vodsg8CFYfqNet4tuzWKDNMMf6xtkV355IZWcYjnndzHiV44EDo0eP5v3333e+f++99xg1alSZzvH555/z0ksv8eabb7Jz506+/PJLWrZs6dw/fPhwPv30U6ZMmcLWrVt58803CQwMPOu5du/eTZ8+fRgwYAAbNmxg5syZLF++nHvuuafM11YWFfQ4CBERERERkRpk1x9D9xIuBW9/97TZYgAsmAjJKyE92TGXlUhNVZQLT8ea0/Y/D4N3QJk+cuuttzJhwgT2798PwIoVK5gxYwZLliwp9TmSk5OJjo6mZ8+eeHl5ER8fT6dOnQDYsWMHs2bNYsGCBfTs2ROAxMTEc55r0qRJDBs2jAceeACARo0aMWXKFHr06MEbb7yBr69vma6vtNRTSkRERERE5GLtWuhYNuzpvjZD6jiKYAAbP3NfuyJy0SIiIujbty/Tpk3j/fffp2/fvoSHh5fpHAMHDiQvL4/ExETGjBnDnDlzKC4uBmDdunVYrVZ69OhRqnOtX7+eadOmERgY6Hz17t0bu93O3r17y3x9paWeUiIiIiIiIhejMAf2/+xYd8d8UqdrORD2LXMM4es+3r1ti1QmXv6OHktmtV0Oo0ePdg6Pe+21187Y7+HhgfGXoYFFRUXO9bi4OLZv387ChQtZsGABd999N8899xxLly7Fz8+vTFmys7MZO3ZsiTmpTqnIyddVlBIREREREbkYe5eBrdAxfK52Q/e23ex6mPcQpG2BlE0Q3cK97YtUFhZLmYfQma1Pnz4UFhZisVjo3bv3GfsjIiI4cuSI831mZuYZvZb8/Pzo168f/fr1Y9y4cTRt2pSNGzfSsmVL7HY7S5cudQ7fO5927dqxZcsWGjZ073eYhu+JiIiIiIhcjNOH7lks7m3brxY06uVY14TnIlWK1Wpl69atbNmyBavVesb+K6+8ko8++ohly5axceNGRowYUeK4adOm8e6777Jp0yb27NnDxx9/jJ+fH/Xq1SMhIYERI0YwevRovvzyS/bu3cuSJUuYNWvWWbM8/PDD/Pzzz9xzzz2sW7eOnTt38tVXX1X4ROcqSomIiIiIiJSXYfw5yXlDNw/dO6XlQMdy42dgt5uTQUTKJTg4mODg4LPumzBhAj169OC6666jb9++3HDDDTRo0MC5PzQ0lLfffptu3brRqlUrFi5cyDfffEPt2rUBeOONN7j55pu5++67adq0KWPGjCEnJ+esbbVq1YqlS5eyY8cOunfvTtu2bZk4cSKxsRU7ebzF+OsAxWouMzOTkJAQMjIyzvkPLyIiIiIiUirHd8Mr7cDDCx7eCz5B7s9QlAfPN4aCTBg5DxK6uT+DiBvl5+ezd+9e6tevX2FPhZMLO9+/Q2lrL+opJSIiIiIiUl6nhu7V62JOQQrAyw8u6edY33j2oTkiIpWRilIiIiIiIiLltWuRY9ngKnNznBrCt+UrsBWd/1gRkUpCRSkREREREZHysNsgeZVjPbGHuVkSukNABOSdhL1Lzc0iIlJKKkqJiIiIiIiUR9oWKMgA7yCIamluFqsnXHK9Y33zHHOziIiUkopSIiIiIiIi5bH/Z8cyrpOjKGS25jc6llvnQnGhuVlEREpBRSkREREREZHy2L/CsazX1dwcp9TrCgGRkJ+uIXxSI9jtdrMj1Giu+PlXgnK+iIiIiIhIFWMYf/aUqtfN3CyneFihWX/49W3HEL5GV5udSKRCeHt74+HhweHDh4mIiMDb2xuLxWJ2rBrDMAwKCws5evQoHh4eeHt7l/tcKkqJiIiIiIiU1fHdkHMUrD5Qp53Zaf7U/EZHUWrrXLhuMniW/49FkcrKw8OD+vXrc+TIEQ4fPmx2nBrL39+f+Ph4PDzKPwhPRSkREREREZGyOjV0r24H8PQxN8vp4jtDYDRkp8CexdC4t9mJRCqEt7c38fHxFBcXY7PZzI5T41itVjw9PS+6h5qKUiIiIiIiImXlHLpXSeaTOuXUEL7VbzqG8KkoJdWYxWLBy8sLLy8vs6NIOWmicxERERERkbKqrEUp+PMpfNu+heICc7OIiJyHilIiIiIiIiJlkX4AMpLBYoW6ncxOc6a4JAiKgYJM2P2j2WlERM5JRSkREREREZGySF7pWMa2AZ9AU6OclYcHNLvBsb55jqlRRETOR0UpERERERGRsjg1yXl8F3NznI9zCN88KMo3N4uIyDmoKCUiIiIiIlIWzvmkupmb43zqdoTgOlCYBbsXmZ1GROSsVJQSEREREREprZxjcGyHYz2+s7lZzkdD+ESkClBRSkREREREpLQO/uZYhjcB/zBzs1zIqSF827+Dojxzs4iInIWKUiIiIiIiIqV1aI1jWbeDuTlKo24HCImDwmzYtdDsNCIiZ6gURanXXnuNhIQEfH19SUpKYvXq1ec8dtq0aVgslhIvX19fN6YVEREREZEa69AfPaXqtDM3R2lYLNCsv2NdQ/hEpBIyvSg1c+ZMxo8fz2OPPcbvv/9O69at6d27N2lpaef8THBwMEeOHHG+9u/f78bEIiIiIiJSIxnGnz2l6lSBnlIAzW9yLLfP1xA+Eal0TC9Kvfjii4wZM4ZRo0bRrFkzpk6dir+/P++99945P2OxWIiOjna+oqKi3JhYRERERERqpBN7ID8DrD4Q1dzsNKVTpx2ExENRDuxcYHYaEZESTC1KFRYWsmbNGnr27Onc5uHhQc+ePVm5cuU5P5ednU29evWIi4ujf//+bN68+ZzHFhQUkJmZWeIlIiIiIiJSZqcmOY9pDVYvc7OUlsUCzW9wrG/+wtQoIiJ/ZWpR6tixY9hstjN6OkVFRZGSknLWzzRp0oT33nuPr776io8//hi73U7Xrl05ePDgWY+fNGkSISEhzldcXJzLr0NERERERGoA59C99ubmKKsWpw3hK8gyN4uIyGlMH75XVl26dGH48OG0adOGHj168MUXXxAREcGbb7551uMnTJhARkaG83XgwAE3JxYRERERkWqhKj1573QxbaB2QyjOg23fmp1GRMTJ1KJUeHg4VquV1NTUEttTU1OJjo4u1Tm8vLxo27Ytu3btOut+Hx8fgoODS7xERERERETKpLgQUjY41qvCk/dOZ7FAy0GO9Q2zzM0iInIaU4tS3t7etG/fnkWLFjm32e12Fi1aRJcuXUp1DpvNxsaNG4mJiamomCIiIiIiUtOlbgRbIfiFQa36Zqcpu5Y3O5Z7FkP2uZ90LiLiTqYP3xs/fjxvv/02H3zwAVu3buWuu+4iJyeHUaNGATB8+HAmTJjgPP7JJ5/khx9+YM+ePfz+++/ceuut7N+/nzvuuMOsSxARERERkeru0O+OZZ32jp5HVU3tBo7shh02zzE7jYgIAJ5mBxg8eDBHjx5l4sSJpKSk0KZNG+bPn++c/Dw5ORkPjz9rZydPnmTMmDGkpKRQq1Yt2rdvz88//0yzZs3MugQREREREanuquok56drOdBxHRtmQdJYs9OIiGAxDMMwO4Q7ZWZmEhISQkZGhuaXEhERERGR0nmlAxzfCUNnQ+NeZqcpn6xUeLGpo7fUfWshLNHsRCJSTZW29mL68D0REREREZFKLS/dUZCCqjfJ+emCoiDxcsf6xs9MjSIiAipKiYiIiIiInN/htY5lrQQICDc1ykVrOdCx3DALatagGRGphFSUEhEREREROZ/qMJ/UKU2vA09fR8+vU5O3i4iYREUpERERERGR8znVUyq2rbk5XME3GC653rG+5n1zs4hIjaeilIiIiIiIyPmkbHAsY1qbm8NVOoxyLDd9DvkZ5mYRkRpNRSkREREREZFzyUuH9GTHenRLU6O4THwXCG8CRbmOuaWqoqI8yDwMqZth/89wcr/ZiUSkHDzNDiAiIiIiIlJppWx0LEPiwa+WuVlcxWJx9Jaa/wismQYd73Bsq+wKsmDzl7D+U9i/4sz9kc2gcR+45LrqMf+XSA2gnlIiIiIiIiLn4hy618rcHK7W+hbHhOepm+Dgb2anOb/MI/D1vfB8Y/j6nj8LUhYr+IdDrfqO9bQtsPxFePtK+PwOyDtpbm4RuSD1lBIRERERETmXUz2loqtZUcqvFjS/0dHraM37ENfR7ERnKsyFla/C8pccQw0BajeCNkOg5UAIifuzh1fuCdi1ELbPgy1fwcbZsG85XP8KNLravGsQkfNSTykREREREZFzOVJNe0oBdBjtWG76vPL1Kto+H17tCIufchSk6naCUd/BPb9C9wchNL7kkEP/MGg1CAZOg9sXOIpXWUdg+s0w/59gGKZdioicm4pSIiIiIiIiZ1OUD0e3OdaryyTnp6vbESKbQ3E+rJ9pdhqH/Az48m74dDBkHnT0hrr5Pbj9B6jXtXRzX9XtAHcug87jHO9XvQbf/Z8KUyKVkIpSIiIiIiIiZ3N0Kxg28AuD4Dpmp3G9UxOeg2OYXHGBuXl2LYLXu8C66YAFut7r6BnVYkDZJ2L38oM+T0P/1xznWv0WfPewClMilYyKUiIiIiIiImdz+tC9qvB0uvJoeysExUDGAVj7kTkZCrLgmwfg45sg8xCEJcLo+dDrv47i0sVoe6tjXimA1W/C/AkqTIlUIipKiYiIiIiInM2pJ+9Vt0nOT+fl55ijCeCnFxxDFt1p7zJ4o6tjsnWATn+DO5dDfGfXtdHuNug3xbH+yxuOXmEiUimoKCUiIiIiInI2R2pAUQqg3XDH8MSsw/D7B+5psyjP0Wvpg+sgPRlC4mH413Dtc+Ad4Pr22o+APs841hdMhN0/ur4NESkzFaVERERERET+ym6D1M2O9er45L3TefrAZQ851pe9AIW5Fdve4XXw1uWw6nXH+3bD4a4VkNijYttNuhPa3AqGHWaPghN7K7Y9EbkgFaVERERERET+6sQeKMoBTz+o3dDsNBWvza0QGg/ZqfDbexXThq0YfnoO3rnK8VTDgEgYOssx55NvcMW0eTqLBfq+AHXaQ346zBgGBdkV366InJOKUiIiIiIiIn91ZL1jGdUcPKzmZnEHT2+47P8c68tfgpzjrj3/8d3wfh/48b9gL4ZLroe7V0Hj3q5t50K8fGHwxxAYBWmb4Zv7NfG5iIlUlBIREREREfmrlI2OZXUfune61rdAeBPIPQZzxoLdfvHnNAz49V2Yeikc/BV8guHGN2HQhxBQ++LPXx7BsTDoI7BYYdNnsO4Tc3KIiIpSIiIiIiIiZ6gJT977K6sX3PweePrCrgWwYvLFnS/zCEy/Gb4dD0W5kNAd7vrZUfyyWFwSudzik+CKfzrW5/0Dju0yN49IDaWilIiIiIiIyOkM488n79WknlIA0S3gmmcd6z/+F/b/XL7zbJ4Db3SBXQvB6gO9Jzmerhca57qsF+vSvzsKZUU58PntUFxodiKRGkdFKRERERERkdNlpzqGsFk8ILKZ2Wncr91waDUYDBt8NhqyUkv/2ZP7YdZwmD0S8k5CTGsY+xN0uRs8Ktmfnx5WuOkt8KsFR9bBj/8xO5FIjVPJvhVERERERERMlrbFsQxrAF5+5mYxg8UCfV+E8MaQdQSmdoOt35z/M4U5jp5Vr3WCLV85CnqX/QNuXwiRTd2TuzyCY6H/a471n6fA7h/NzSNSw6goJSIiIiIicrrUP4pSUTWwl9QpPoFwy6cQ0RRyjsLMW+Gz2yH9ANhtjmPsNti3HL59CF5uDT89B8X5jiFxY5fBlY86nupX2TXtCx1ud6zPuRNyjpmbR6QG8TQ7gIiIiIiISKVyqqdUTRy6d7rwho6hd0uecUx6vukzx8viAf61wbBD7vE/jw+Nh15PwSX9zJ/IvKx6P+WYP+voVvjybhg6s+pdg0gVpJ5SIiIiIiIip1NR6k+ePtDzMbhjIcS0ASyOYlTOUUdByjcU2twKQ2fDPWug2fVVs5jj5Qc3v+uYlH3n9/DLm2YnEqkR1FNKRERERETkFLsN0rY51qOam5ulMqnTHsYuBVuxYxL4nKNQlO+YyLwqDNErjajmjh5T8x6CBf+GhG4Q3dLsVCLVmnpKiYiIiIiInHJyHxTngacf1EowO03lY/WEoGhHsSauY/UpSJ3S8Q5ofA3YCh1PHizMNTuRSLV2UUWp/Px8V+UQEREREREx36mhexFNwMNqbhZxP4vF8TS+wGg4tgO+n2B2IpFqrcxFKbvdzn/+8x/q1KlDYGAge/bsAeDf//437777rssDioiIiIiIuE2q5pOq8QJqw01vAhZYMw22fG12IpFqq8xFqf/+979MmzaNZ599Fm/vP7tqtmjRgnfeecel4URERERERNzqVE+pKBWlarTEy6Hb/Y71r++FjIOmxhGprspclPrwww956623GDZsGFbrn91ZW7duzbZt21waTkRERERExK305D055cpHIbYd5KfD52Mck7yLiEuVuSh16NAhGjZseMZ2u91OUVGRS0KJiIiIiIi4XVE+HN/tWFdRSqxecPO74B0IyT/DwsfMTiRS7ZS5KNWsWTOWLVt2xvbPPvuMtm3buiSUiIiIiIiI2x3bAYYN/Go5njAnEpYIN7zhWF/5KmyYbW4ekWrGs6wfmDhxIiNGjODQoUPY7Xa++OILtm/fzocffsjcuXMrIqOIiIiIiEjFcw7da+54CpsIQLProfuDsOwFx/xSEU0gppXZqUSqhTL3lOrfvz/ffPMNCxcuJCAggIkTJ7J161a++eYbrr766orIKCIiIiIiUvFSNzuWkZeYm0Mqnyv+BQ2vhuI8mDkMco6bnUikWihzTymA7t27s2DBAldnERERERERMU/aVsdST96Tv/KwwoC34a0r4ORe+PQWGP4VePubnUykSitzTykREREREZFq6fTheyJ/5VcLhswA3xA4uBpmjwSbHvYlcjHKXJTy8PDAarWe8yUiIiIiIlLl5J2EzEOO9cim5maRyiuyKQydBZ6+sPN7+OZ+MAyzU4lUWWUevjdnzpwS74uKili7di0ffPABTzzxhMuCiYiIiIiIuE3aNscyJM7RE0bkXOI7w8BpMGMYrJsO/mFw9X80Ob5IOZS5KNW/f/8ztt188800b96cmTNncvvtt7skmIiIiIiIiNuknZrkXPNJSSk0uQaunwJfjYOfX4HiAujzP/DQDDkiZeGy/8V07tyZRYsWuep0IiIiIiIi7nN0u2OpoXtSWm1vhWufd6yvfgu+vBNsxeZmEqliXFKUysvLY8qUKdSpU8cVpxMREREREXGvo38M34u4xNwcUrV0GgM3vQ0WK2yYCbNug6I8s1OJVBllHr5Xq1YtLKeNlTUMg6ysLPz9/fn4449dGk5ERERERMQtTvWUimhsbg6peloNAp8gmDUCts+Dd66GwR9CWKLZyUQqvTIXpV566aUSRSkPDw8iIiJISkqiVq1aLg0nIiIiIiJS4XJPQHaqYz1cRSkphybXwG1zYNZwSN0Ib14ON70FTfqYnUykUitzUWrkyJEVEENERERERMQkx3Y4liFxjh4vIuWR0A3G/gSzR8DBX+HTwdD1Prjin+DlZ3Y6l7DZDQ6cyGX30WyOZReQU2Ajt7CYgmI7AT6eBPt6EeznSUyIHw0jAwnx8zI7slRypSpKbdiwodQnbNWqVbnDiIiIiIiIuJ1zPqkm5uaQqi+kDoycBz/8yzH5+c9TYNtc6DcF6nc3O12ZZeYXsWr3cVbsOsYve0+w51gOhcX2Un8+IsiHJlFBtK9Xi6TEMNrG1cLP21qBiaWqKVVRqk2bNlgsFgzDOO9xFosFm83mkmAiIiIiIiJu4ZxPSk/eExfw9IZrn4PEK+Db8XBiD3xwHbS9Da6aCIGRZic8r+PZBczblMI36w/z274T2P9SBvDx9CAxIpCYEF8CfDwJ8Lbi7elBdkExmXnFZOYVkXwil5TMfI5mFXA0q4Dlu47BIvCyWuhUP4w+zaPp1TyaqGBfcy5SKo1SFaX27t1b0TlERERERETM4SxKqaeUuFDTax1D+hY+Ab+9C2s/gk1fQNd7oMs94BtsdkKnwmI7C7akMnvNAZbtPIbttEpUYngA3RqG07VBbZrHhlCnlh9WD8t5zuaQlV/E7qM5bDqUweq9J/hl73FSMwtYses4K3Yd599fbaZdfCg3tatLv9axGupXQ1mMC3V/coPXXnuN5557jpSUFFq3bs0rr7xCp06dLvi5GTNmMGTIEPr378+XX35ZqrYyMzMJCQkhIyOD4ODK8yUgIiIiIiImebE5ZB6E0T9AfJLZaaQ62r8Svv8nHP7d8d6/NnS9F9qPBD/zHhi252g2M349wOdrDnI8p9C5vUWdYK5vHcu1LWOoW8vfJW0ZhsHeYzks2JLK95tT+D053bnP29OD3s2jGZYUT1L9sBIPV5OqqbS1l3IXpbZs2UJycjKFhYUltl9//fVlOs/MmTMZPnw4U6dOJSkpicmTJzN79my2b99OZOS5uzXu27ePSy+9lMTERMLCwlSUEhERERGRssvPhGfiHOsP7zO1QCDVnGHA1q9h0ZNwfJdjm1cAtLsNku6EsPpuiZFfZGP+phQ+WZ3M6r0nnNsjg3wY2KEuA9rVJTEisMJzpGbm8836w8z+7SDbU7Oc25vFBDP60vr0ax2Dj6fmn6qqKqwotWfPHm688UY2btxYYp6pU5XMss4plZSURMeOHXn11VcBsNvtxMXFce+99/LII4+c9TM2m43LLruM0aNHs2zZMtLT01WUEhERERGRsju4Bt65EgKj4aHtZqeRmsBWDBtnwc+vQtrmP7cndIfWt8Al17t8aJ/dbvDL3hN8vf4Q3244QmZ+MQAeFri8SSS3dIzjyqaReFo9XNpuaRiGwcZDGXy6+gBz1h4kv8gxkXp4oA+3do5nWFI9IoJ83J5LLk5pay+lmlPqdPfffz/169dn0aJF1K9fn9WrV3P8+HEefPBBnn/++TKdq7CwkDVr1jBhwgTnNg8PD3r27MnKlSvP+bknn3ySyMhIbr/9dpYtW3beNgoKCigoKHC+z8zMLFNGERERERGpxvTkPXE3qye0GQqth8CexY7i1O4fYd8yx+vbhyDxcmjUExpeDbXqlauZnIJiVu4+zk87j/LD5lRSMvOd++qE+jGoQxyDOtYlJsTPRRdWPhaLhVZ1Q2lVN5T/692ET39N5sOf95OSmc/khTt5ffFurm8Ty+2X1ueSGHUsqW7KXJRauXIlP/74I+Hh4Xh4eODh4cGll17KpEmTuO+++1i7dm2pz3Xs2DFsNhtRUVEltkdFRbFt27azfmb58uW8++67rFu3rlRtTJo0iSeeeKLUmUREREREpAZxFqX05L2awjAM8ovs5BYW4+dtxc/Las4cRhYLNLjS8Uo/4Og9te5TOL4TdnzneAHUqg91O0Cd9o5XVHPwDihxqtzCYvYfz2Xz4Uw2H85g86FM1h44SZHtz4FRQb6eXNsihv5tYklKrF2qycrdrVaAN3df3pAx3RP5blMK7y3fy7oD6Xy25iCfrTlI90bh3NE9kcsahWveqWqizEUpm81GUFAQAOHh4Rw+fJgmTZpQr149tm+v2O6uWVlZ3Hbbbbz99tuEh4eX6jMTJkxg/PjxzveZmZnExcVVVEQREREREalK9OS9astuN1h/MJ31B9L/KNZkcuBELjmFxZz2cDk8PSwE+3lRO8Cb+uEB1I8IoEF4IPUjAkgMDyAswLviCyChcdD9Qbh0PKRspHDb99h3LsDnyG9YTu6Fk3th42zHdWHhmFcd9nvVZ6uRwG/5dfg1rw5HCANK5owL86NH4wh6NI7kssbhVWaOJi+rB9e3juX61rH8nnySd5fv5buNR1i28xjLdh6jaXQQt19an+vbxFaZa5KzK3NRqkWLFqxfv5769euTlJTEs88+i7e3N2+99RaJiYllOld4eDhWq5XU1NQS21NTU4mOjj7j+N27d7Nv3z769evn3Ga3O8abenp6sn37dho0aFDiMz4+Pvj4aPypiIiIiIicxTEVpaqb3Uez+XLtIeasPcTBk3kXPL7YbnAip5ATOYXsTMs+Y3+wryf1IwJpEBFAgz+WdUL9iQn1pXYZClY2u8HxnALSMgs4ml3A0aySr7Ss/D+WBeQWNgOaEUQubTx20dqym9Yeu2ntsYdISzqRRQeJLDpIR5YxHMAXThLEFt92HI26FGujnrRo2oSE2v5VvkdRu/hatBtaiwMncnl/xT5m/prMtpQs/vHZBp79fjsjuyZwS8c4agfq7/6qqMwTnX///ffk5ORw0003sWvXLq677jp27NhB7dq1mTlzJldeeWWZAiQlJdGpUydeeeUVwFFkio+P55577jljovP8/Hx27dpVYtujjz5KVlYWL7/8Mo0bN8bb2/u87WmicxERERERAaAwF56OBQz4x24IKN1oDKmcdqRm8fS8rSzZftS5LcDbSufE2jSPDaZ5nRAaRgYS5OtJgLcnfl5W8ottZOYVk5lfxJGMfPYezWbvsRz2HMthz9EcDmfkcb6/mH08Pagd4E2gryeBPp74e3tiYGC3g80wyC0sdp4/M6+oRA+tC/HzshIZ7ENYgDchfl7OV7Q1i4TivdTJ30VU3k5Cs7bjk74bi7245AniOkOnMY6J0z3P/3dyVZKRV8Snq5OZtmKfc54sb6sH17SMZlhSPTom1KryhbjqwOVP3+vQoQN33HEHQ4cOPeOEJ06coFat8v3Dz5w5kxEjRvDmm2/SqVMnJk+ezKxZs9i2bRtRUVEMHz6cOnXqMGnSpLN+fuTIkXr6noiIiIiIlN2R9fDmZeBfG/5vj9lppJyOZhXw4oIdzPw1GbsBVg8LlzUK58Z2dbn6kij8vMs/vCu/yMa+4znsPZrD7qPZ7D7qKFgdTs/jaFbBhU/wFxYL1A7wITLIh4g/XiXXfZ3rgT5lGNhUXACH18GuhY7X4bXAH3/qB0RCh9HQZZzLn+pnpsJiO99uPMz7K/ax4WCGc3tiRAA3tKlD/zax1KsdcJ4zSEVy+dP3Wrduzf/93//x4IMPMmDAAEaPHs3ll18OQFhYWLmDDh48mKNHjzJx4kRSUlJo06YN8+fPd05+npycjIeH+x9LKSIiIiIi1ZxzPilNcl5VLdiSyvhZ68jKd/QS6tM8moevaUr9cNcUI3y9rDSNDqZp9Jl/VBcW20nNzOdkbiFZ+cVk5ReTV1SMh8WCxWLBAgT4WAn2/bOXU1iAN57WCvj71tMH4pMcryv/BVkpsOYD+O09yE6Bpc841q9+AlrdAtXgb2xvTw9ubFuXG9vWZePBDD5ZvZ8v1x5mz9EcXlywgxcX7KBNXCi9mkfR85IoGkUGqgdVJVSm4Xu5ubnMmjWLadOmsWzZMurXr8/o0aMZMWIEderUqcicLqOeUiIiIiIiAsCiJ2HZC45eJNe9ZHYaKQOb3eClBTt4dbFjepeWdUL493XN6FS//B0mqiVbEWz9GhY/Dcf/mAqnTge47kWIaW1utgqQXVDM95tS+HLdIVbsOlZiuGRcmB+XNYogKbE2neuHERnsa17QGsDlw/f+avfu3bz//vt89NFHHD58mF69enH77bdz0003lTu0O6goJSIiIiIiAMwYBtvmwjXPQtJYs9NIKaXnFnLfjHX8tMMxd9TIrgn8q+8leFVED6TqorgQfnkDlj4Lhdlg9YZeTznmnKqmvYfSsvL5fnMqi7am8vPu4xQW20vsT6jtT8u6obSIDaZlnRCax4YQ4u9lUtrqp8KLUqcYhsHnn3/O2LFjSU9Px2azXczpKpyKUiIiIiIiAsAr7R29R277EhpcYXYaKYWM3CKGvL2KLUcy8fXy4H8DWtG/TdUYtVMpZKXA3PGw/VvH+0uuh+tfAb9QU2NVtJyCYn7efZyVu4+zas9xtqZknnUC+/gwf1rUCaZZTDCNooJoFBlIfJh/xQy5rObcUpRasmQJ77//Pp9//jmenp7ccsstTJ06tbyncwsVpUREREREhOICeCoGDBuM3wbBMWYnkgvILijm1nd+Yd2BdMIDvflwdBLNYvU3XZkZBvzyJvzwKNiLILQeDJ0FkTVnbrWM3CLWHUxn06EMx+twBgdO5J31WG9PDxLDA5xFqkaRgTSKCqRe7QD1zjuPCitKHTx4kGnTpjFt2jT27NlD9+7duf322xk4cCB+fn4XHbyiqSglIiIiIiKkboE3uoBPCDyyv9oOYaou8gptjHh/Nav3niDU34tPx3Tmkhj9PXdRDq2B2aMgfT/4hsAtn0DCpWanMk1GbhGbD2ew8VAG21Oy2JGWxa60bPKL7Gc93stqIaF2APFh/tSt5UfdWv5Eh/gSHuh4emLtAG/8fax4Wz1q5ATrLn/63qxZs3jvvfdYtGgRkZGRjBgxgtGjR9OwYUOXBBYREREREXGbo9scy4gmKkhVcsU2O3d+vIbVe08Q5OPJh6M7qSDlCnXaw5jFMGMIHPgFPrwBbngdWg0yO5kpQvy96NownK4Nw53b7HaDQ+l57EzLYkdqNjtTs9mVlsXOtGxyC23sTMtmZ1r2ec/rYQF/b0/8vK34eVnx97bi4+mBh4cFD4sFDwtY/lg63lv4zw0tXPYEycqu1EWpW2+9lb59+zJnzhyuvfZaPKrBIyRFRERERKSGOrrdsYxoYm4OuaApi3aydMdR/LysvD+qI63qhpodqfoIqA3Dv4I5Y2HLV/DFGMe8U93uMztZpeDhYSEuzJ+4MH+ubBrl3G63GxzJzGdXWjYHT+Zy8GQeB0/mkZqZz7HsAo5mFZCVX+w41nAMPc0uKC51u7mFpT+2qit1UergwYNERkZWZBYRERERERH3cPaUqjnz6FRFy3Ye5ZXFuwB4ZkBLOiSEmZyoGvLyg5unwYJ/w8pXHcvifOjxf2Ynq7Q8PCzUCfWjTui5pzAqttnJLbKRV2gjt9CxzCsqJrfQRn6RHcMwsBv8ueTP93VD/d14NeYqdVFKBSkREREREak21FOq0kvNzOeBGeswDBjSKV5P2atIHh7Q+ynHU/h+/C8sfsrxMIArH9Xw1nLytHoQbPUg2NfL7CiVmsbgiYiIiIhIzWIrhuOO3jcqSlVONrvB/TPWcjynkKbRQTzWr5nZkWqGy/4Bvf7rWF/2vOMJfWV7NppImagoJSIiIiIiNcvJvWAvAq8ACK5rdho5i7d+2sOqPScI8Lby2rB2+HpZzY5Uc3S9F6593rG+8lX47v/AfvYn0IlcLBWlRERERESkZnHOJ9XYMWxJKpWDJ3N5edEOAB6/vjkNIgJNTlQDdRoD/V4GLLD6LZj7gApTUiHK9Q2cnp7OO++8w4QJEzhx4gQAv//+O4cOHXJpOBEREREREZfTJOeV2pPfbCG/yE5S/TBubq+ebKZpPxJueAMsHvD7B/DV3WC3mZ1KqplST3R+yoYNG+jZsychISHs27ePMWPGEBYWxhdffEFycjIffvhhReQUERERERFxDU1yXmkt3pbGD1tS8fSw8J8bWmDRJNvmajMEPL3h8zGw/lPHU/lufMuxTcQFytxTavz48YwcOZKdO3fi6+vr3H7ttdfy008/uTSciIiIiIiIy53qKRWuolRlkl9k47GvNwMw+tL6NI4KMjmRANBiAAz6ADy8YPMcmHUbFOWbnUqqiTIXpX799VfGjh17xvY6deqQkpLiklAiIiIiIiIVwm6DYzsd6+opVam8sWQ3ySdyiQ725f6rGpkdR053ST8YMgM8fWHHfPhkIBRkm51KqoEyF6V8fHzIzMw8Y/uOHTuIiIhwSSgREREREZEKkb7fMQTJ6gO1EsxOI39Izcxn6tLdAPz7umYE+JR5phmpaI16wq2fg3cg7P0JProR8tLNTiVVXJmLUtdffz1PPvkkRUVFAFgsFpKTk3n44YcZMGCAywOKiIiIiIi4zFHHU90IbwweVnOziNMbS3ZTUGynXXwo17aMNjuOnEvCpTD8a/ANhYOr4YPrIOeY2amkCitzUeqFF14gOzubyMhI8vLy6NGjBw0bNiQoKIinnnqqIjKKiIiIiIi4hvPJexq6V1kcTs/jk1+SAXiwVxNNbl7Z1W0PI7+FgAhI2QjvXwOZh81OJVVUmftEhoSEsGDBApYvX86GDRvIzs6mXbt29OzZsyLyiYiIiIiIuI7zyXtNzc0hTq8t3kWhzU5S/TC6NqhtdhwpjegWMOo7+LA/HNsB7/WB4V9CWKLZyaSKKfdA3UsvvZRLL73UlVlEREREREQqlrOnVGNzcwgAB07kMuu3AwD8/erG6iVVlYQ3+qMwdT2c3Afv9HRMhh7XyexkUoWUuSg1ZcqUs263WCz4+vrSsGFDLrvsMqxWjc8WEREREZFKxDDUU6qSefXHXRTZDLo1rE3nRPWSqnJq1YPR38Mng+DIeph2Hdz0JjS/0exkUkWUuSj10ksvcfToUXJzc6lVqxYAJ0+exN/fn8DAQNLS0khMTGTx4sXExcW5PLCIiIiIiEi5ZByEohzw8NQwo0pg//EcPvv9IADjr1bPtSorKBpGzoPP74Ad38HskXBiL1z6d1DPN7mAMk90/vTTT9OxY0d27tzJ8ePHOX78ODt27CApKYmXX36Z5ORkoqOj+fvf/14ReUVERERERMrnVC+p2g3B6mVuFuHtZXuw2Q0uaxxB+3phZseRi+ETCLdMh05jHe8XPeEoThVkmxpLKr8yF6UeffRRXnrpJRo0aODc1rBhQ55//nkmTJhA3bp1efbZZ1mxYoVLg4qIiIiIiFwUPXmv0jiZU8hnaxy9pO7q0eACR0uV4GGFa5+Fvi+Ahxds+RLeuQqO7TI7mVRiZS5KHTlyhOLi4jO2FxcXk5KSAkBsbCxZWVkXn05ERERERMRVjm51LCMuMTeHMP2X/eQX2WkeG0znRPWSqlY63gEjv4XAaEch+O0rYONnZqeSSqrMRakrrriCsWPHsnbtWue2tWvXctddd3HllVcCsHHjRurXr++6lCIiIiIiIhcr7Y+iVKQmOTdTQbGND1buB+CO7vX1xL3qKD4Jxv4E8V2gIBM+vx2+GAv5mWYnk0qmzEWpd999l7CwMNq3b4+Pjw8+Pj506NCBsLAw3n33XQACAwN54YUXXB5WRERERESkXEo8eU89pcz09brDHM0qIDrYl74tY82OIxUlKApGfAM9HgaLB2yYAVO7wT5N9SN/KvPT96Kjo1mwYAHbtm1jx44dADRp0oQmTf4cl33FFVe4LqGIiIiIiMjFyjgAhdmOuW5qaw4jsxiGwbvL9wIwomsC3p5l7ichVYnVC674JzS4Er4YA+nJMO1aaDccej4B/hq6WdOVuSh1StOmTWnaVN1eRURERESkCkj7Y5JzPXnPVCt2HWdbShb+3laGdoo3O464S3xnuHMF/PAo/P4B/P4hbJsHvZ+GVoNAQzhrrHIVpQ4ePMjXX39NcnIyhYWFJfa9+OKLLgkmIiIiIiLiMqcmOY/U0D0zvbN8DwCDOsQR4q/iYI3iGwzXT4HWQ2DuA45J0Of8DX55A65+EupfZnZCMUGZi1KLFi3i+uuvJzExkW3bttGiRQv27duHYRi0a9euIjKKiIiIiIhcnFM9pVSUMk3y8VyWbD8KwMiuCeaGEfPU6wJjl8HPU2D5S3B4LXzQDxpeDVc+CrFtzE4oblTmAbwTJkzgoYceYuPGjfj6+vL5559z4MABevTowcCBAysio4iIiIiIyMVJ2+JYRmgKErNMX+144t5ljSNICA8wOY2YytMbLnsI7lsLHceAhyfsWgBv9YCPboJ9yx0PJ5Bqr8xFqa1btzJ8+HAAPD09ycvLIzAwkCeffJL//e9/Lg8oIiIiIiJyUex2OOZ4SJN6SpmjoNjG7N8OAnBrkuaSkj8ERkLf52Hcamg50PGUvt2LYFpfePdqWD8TivLNTikVqMxFqYCAAOc8UjExMezevdu579ixY65LJiIiIiIi4grp+6EoF6zeUKu+2WlqpPmbUjiRU0hMiC9XNo00O45UNrUbwIB34N7focNosPrAwV8dc069eIljgvQTe8xOKRWgzEWpzp07s3z5cgCuvfZaHnzwQZ566ilGjx5N586dXR5QRERERETkohz9Yz6p8MZgLfcDyOUiTF+VDMAtHePxtJb5z1CpKcLqw3UvwQMb4YpHIbgu5J2An1+BKW3hoxth61ywFZudVFykzN/IL774ItnZ2QA88cQTZGdnM3PmTBo1aqQn74mIiIiISOWTpifvmWl7Shar953A6mFhcMc4s+NIVRAUBT3+AZf+HXb+AL+9C7sWwe4fHa+gGGg1CFoPhUjNE1eVlakoZbPZOHjwIK1atQIcQ/mmTp1aIcFERERERERc4lRPKU1ybopPfnFMcH71JVFEh/ianEaqFKsnNL3W8TqxF9a8D2s/hqwjsOJlxyu2HbQZCi0GgH+Y2YmljMrUb9JqtdKrVy9OnjxZUXlERERERERcSz2lTJNTUMwXvx8C4NbO9UxOI1VaWH24+kkYvxUGfQRNrnU8te/w7zDvIXihCcy8DbbPB1uR2WmllMo8fK9Fixbs2bOH+vU1QaCIiIiIiFRydtufT95TTym3+3bDEbIKikmo7U/XBrXNjiPVgacPNLve8co+Chtnw/pPIGUjbP3a8QqIgJaDoM0QiGoBFovZqeUcyjzD3H//+18eeugh5s6dy5EjR8jMzCzxEhERERERqTRO7oPifPD0hVoJZqepcWb8+scE553i8fBQYUBcLDACutwNdy53vDqPA/9wyDkKq16DqZfCqx1h0X/gyAYwDLMTy19YDKNs/yoeHn/WsSynVRsNw8BisWCz2VyXrgJkZmYSEhJCRkYGwcHBZscREREREZGKtHUuzBwG0a3gzmVmp6lRdqZmcfVLP2H1sLBywpVEBmk+KXEDWxHsWgjrpsOO78FW+Oe+WvWhWX/HK7atelBVoNLWXso8fG/x4sUXFUxERERERMRtjp6aT6qZuTlqoJm/HgDgqqaRKkiJ+1i9oMk1jld+pqMwteVLR6Hq5F5YMdnxComDhj2h0dVQ/zLwCTI5eM1U5qJUjx49KiKHiIiIiIiI66X98eQ9PTberQqL7Xyx1jHB+S2d4kxOIzWWbzC0Guh4FWTDzh9gy1eOZcYBx9P81rwPHl5Qpx3Ed4F6XSGuE/jVMjt9jVDmohTAsmXLePPNN9mzZw+zZ8+mTp06fPTRR9SvX59LL73U1RlFRERERETK59ST9yL05D13Wrg1lRM5hUQF+3BZowiz44iATyC0uMnxKsyFfcscvad2LYQTe+DAL47XismO40PiHJOkRzV3PPkvpK5jW0AEeAeCxzmm6LYVQ2EWFOY4CmGFf7wKsh3bCrNOWz993x/bCrJg0IeONmuAMhelPv/8c2677TaGDRvG77//TkFBAQAZGRk8/fTTzJs3z+UhRUREREREyqy4AI5td6xHNTc3Sw0z44+hewPbx+FpLfPztUQqlrc/NO7teAGc2Av7f4bkn2H/Sjix29GTKuMA7Pju7OfwCgAvP8e6YQfDBkX5YCu4+Hx5JwEVpc7qv//9L1OnTmX48OHMmDHDub1bt27897//dWk4ERERERGRcju6DezF4Bvq6OUgbnEoPY9lO48CMKiDhu5JFRBW3/FqO8zxPi8dUjdD6iZI2wLpByDjoKNIVZTrOKYox/E6F6u3o0eVd6Cjl5Z3IHgHnLZ+ansAeAeVXA9LrPBLrizKXJTavn07l1122RnbQ0JCSE9Pd0UmERERERGRi5eyybGMbqmnbLnR7N8OYBjQtUFt4mv7mx1HpOz8QiGhm+N1OsOA4vw/httlOYYBWjzAw+pYevr8WXDy9DYlelVT5qJUdHQ0u3btIiEhocT25cuXk5hYc6p5IiIiIiJSyaVsdCyjW5qbowax2Q1m/3YQgMEd1UtKqhmLxTFkz8sP0FxprlDmwb1jxozh/vvv55dffsFisXD48GGmT5/OQw89xF133VURGUVERERERMpORSm3W7HrGIfS8wjx86J382iz44hIJVfmotQjjzzC0KFDueqqq8jOzuayyy7jjjvuYOzYsdx7773lCvHaa6+RkJCAr68vSUlJrF69+pzHfvHFF3To0IHQ0FACAgJo06YNH330UbnaFRERERGRasowIPWPolRUC3Oz1CAz/5jg/Ma2dfD1spqcRkQquzIP37NYLPzrX//iH//4B7t27SI7O5tmzZoRGBhYrgAzZ85k/PjxTJ06laSkJCZPnkzv3r3Zvn07kZGRZxwfFhbGv/71L5o2bYq3tzdz585l1KhRREZG0rt373JlEBERERGRaibjAORngIcXRDQ1O02NcCKnkB+2pACa4FxESqfMPaU+/vhjcnNz8fb2plmzZnTq1KncBSmAF198kTFjxjBq1CiaNWvG1KlT8ff357333jvr8Zdffjk33ngjl1xyCQ0aNOD++++nVatWLF++vNwZRERERESkmjk1dC+iqSYcdpMvfj9Ikc2gVd0QmsUGmx1HRKqAMhel/v73vxMZGcnQoUOZN28eNput3I0XFhayZs0aevbs+WcgDw969uzJypUrL/h5wzBYtGjROZ8ICFBQUEBmZmaJl4iIiIiIVHPOJ+9p6J47GIbBrN8cQ/c0wbmIlFaZi1JHjhxhxowZWCwWBg0aRExMDOPGjePnn38uc+PHjh3DZrMRFRVVYntUVBQpKSnn/FxGRgaBgYF4e3vTt29fXnnlFa6++uqzHjtp0iRCQkKcr7g4fUGKiIiIiFR7KRscS01y7hZrD6SzIzUbXy8P+rWONTuOiFQRZS5KeXp6ct111zF9+nTS0tJ46aWX2LdvH1dccQUNGjSoiIxnCAoKYt26dfz666889dRTjB8/niVLlpz12AkTJpCRkeF8HThwwC0ZRURERETERHrynlvNXO34O6tvy1iCfb1MTiMiVUWZJzo/nb+/P7179+bkyZPs37+frVu3lunz4eHhWK1WUlNTS2xPTU0lOvrcjw/18PCgYcOGALRp04atW7cyadIkLr/88jOO9fHxwcfHp0y5RERERESkCsvPgPT9jnU9ea/C5RQUM3fDYQBu6aSRKSJSemXuKQWQm5vL9OnTufbaa6lTpw6TJ0/mxhtvZPPmzWU6j7e3N+3bt2fRokXObXa7nUWLFtGlS5dSn8dut1NQUFCmtkVEREREpJpK/ePvkuC64B9mbpYa4Ov1h8kptJEYEUCHerXMjiMiVUiZe0rdcsstzJ07F39/fwYNGsS///3vMhWQ/mr8+PGMGDGCDh060KlTJyZPnkxOTg6jRo0CYPjw4dSpU4dJkyYBjjmiOnToQIMGDSgoKGDevHl89NFHvPHGG+XOICIiIiIi1YhzknMN3XOH6b84eqUN7RSPxWIxOY2IVCVlLkpZrVZmzZpF7969sVqtJfZt2rSJFi3K1j128ODBHD16lIkTJ5KSkkKbNm2YP3++c/Lz5ORkPDz+7NCVk5PD3XffzcGDB/Hz86Np06Z8/PHHDB48uKyXIiIiIiIi1ZFzknMN3atoGw6ms+lQJt6eHgxoV9fsOCJSxVgMwzAu5gRZWVl8+umnvPPOO6xZswabzeaqbBUiMzOTkJAQMjIyCA4ONjuOiIiIiIi42ps94Mg6GPQhNOtvdppq7eHPNjDztwPc0CaWybe0NTuOiFQSpa29lGtOKYCffvqJESNGEBMTw/PPP8+VV17JqlWryns6ERERERGRi2crhrQ/HsCkSc4rVGZ+EV+vd0xwPjSpnslpRKQqKtPwvZSUFKZNm8a7775LZmYmgwYNoqCggC+//JJmzZpVVEYREREREZHSOb4TbAXgHQi16pudplr7au0h8opsNIoMpGOCJjgXkbIrdU+pfv360aRJEzZs2MDkyZM5fPgwr7zySkVmExERERERKZvDax3L6JbgUe6BIXIBhmEw/ZdkAIYmaYJzESmfUveU+u6777jvvvu46667aNSoUUVmEhERERERKZ+DvzqWdTuYm6Oa+z05nW0pWfh4enBTW01wLiLlU+r/dLB8+XKysrJo3749SUlJvPrqqxw7dqwis4mIiIiIiJTNgVNFqY7m5qjmpq/aD8B1rWIJ8fcyOY2IVFWlLkp17tyZt99+myNHjjB27FhmzJhBbGwsdrudBQsWkJWVVZE5RUREREREzq8gG9I2O9ZVlKowaZn5fLPBMcH5bV00wbmIlF+ZB1kHBAQwevRoli9fzsaNG3nwwQd55plniIyM5Prrr6+IjCIiIiIiIhd2eC0YdgiuC8GxZqeptj5etZ8im0H7erVoExdqdhwRqcIuaua/Jk2a8Oyzz3Lw4EE+/fRTV2USEREREREpO80nVeHyi2x8/McE56O76emGInJxXPI4CqvVyg033MDXX3/titOJiIiIiIiU3UHNJ1XRvl53mBM5hcSG+NK7eZTZcUSkitMzUkVEREREpOozDBWlKphhGLy3Yi8AI7om4GnVn5MicnH0LSIiIiIiIlVf+n7IOQoeXhDT2uw01dLK3cfZlpKFv7eVWzrGmx1HRKoBFaVERERERKTqO/ibYxnTCrx8zc1STZ3qJXVz+7qE+HuZnEZEqgMVpUREREREpOrT0L0KtTM1i0Xb0gAY2TXB3DAiUm2oKCUiIiIiIlXfgdWOpYpSFWLKj7swDOjdPIrEiECz44hINaGilIiIiIiIVG1FeZCywbGuopTL7UzNYu6GwwDcf1Vjk9OISHWiopSIiIiIiFRtRzaAvRgCIiFUE3C72um9pJrFBpsdR0SqERWlRERERESkajt9PimLxdws1cyutD97Sd13VSOT04hIdaOilIiIiIiIVG0HfnEs63YwN0c1NGXRn72kmseGmB1HRKoZFaVERERERKTqsttg70+O9Xpdzc1SzexKy+Ib9ZISkQqkopSIiIiIiFRdh9dCfjr4hEAd9ZRypUnztmEY0KuZekmJSMVQUUpERERERKquXYscy8TLwOppbpZqZMGWVBZtS8PTw8L/9WlidhwRqaZUlBIRERERkapr94+OZYOrzM1RjeQV2nj8680A3NE9kYaRQSYnEpHqSkUpERERERGpmvIz/nzyXkMVpVzltcW7OJSeR2yIL/dd1dDsOCJSjakoJSIiIiIiVdOepWDYoHYjCI03O021sOdoNm/9tAeAif2a4e+tIZEiUnFUlBIRERERkapp9x/zSTW40twc1YTdbjDxq80U2uz0aBxB7+bRZkcSkWpOZW8REREREal6DAN2/TGfVCUZuldss7N0x1GOZxeCBSxAsJ8XnRNrE+LnZXa8C5ry406W7zqGt6cHT1zfHIvFYnYkEanmVJQSEREREZGq5/huyEgGqzckXGpqlPwiG7N/O8CbP+3h4Mm8M/ZbPSx0TKjFlU0jubZlDHVr+ZuQ8vwWbEll8sKdADx1QwsSwgNMTiQiNYGKUiIiIiIiUvWcGroX3xm8zSugzNt4hIlfbeJYdiEAtQO8aVU3BANHZ66DJ3PZfTSHVXtOsGrPCSZ9t43ujSK4pWMcPS+JwtvT/BlVdh/NZvzMdQCM6FKPgR3izA0kIjWGilIiIiIiIlL17Do1n5R5Q/cWbU3l3k/XYrMb1An1Y2yPRAZ1iMPXy1riuP3Hc/hxWxrfb05h1Z4T/LTjKD/tOErtAG8GtK/LoA5xNIwMNOUaMvOLGPvRGrIKiumUEMaj1zUzJYeI1EwWwzAMs0O4U2ZmJiEhIWRkZBAcHGx2HBERERERKaviAvhfAhTlwthlENPK7RF+2XOc4e+tpqDYzk1t6/C/m1vhZb1wr6f9x3OY9dsBZv92kLSsAuf2jgm16Nc6lp6XRBEb6leR0Z0Onszl9mm/sT01i+hgX76591Iignzc0raIVG+lrb2oKCUiIiIiIlXL9u/g01sgMArGbwMP9w6B23w4g1veXEVWQTE9L4nkjVvbl6ogdbpim53F248y89dkftyWhv20v8pa1AnmyiaRdKwfRtv4WgT6uH6Ay+/JJ/nbh79xLLuQiCAfpo3qSPPYEJe3IyI1U2lrLxq+JyIiIiIiVcu6TxzLFje7vSB1PLuAEe/96hjuVj+MV4e2K3NBCsDT6sHVzaK4ulkUKRn5fLXuED9sSeX35JNsOpTJpkOZAHhYoFlsMB3qhdExIYwOCbWICvYtd/7CYjuz1xzgiW+2UFhs55KYYN4d0cFtvbNERE6nnlIiIiIiIlJ15J6AF5qArRDuXA7RLd3a/D/nbOSTX5JpFBnI53d3JdjXy6XnP5pVwOJtaazcc5xf950469P86oT60SYulDZxobSqG0LT6GBC/M+fI6egmE9XJ/Pu8r0cycgH4KqmkUwZ0paACuiJJSI1m3pKiYiIiIhI9bPpc0dBKqql2wtSWw5nMmN1MgD/vaGFywtSABFBPgzqGMegjo4n4B3JyOO3fSf5bd8Jft13kq0pmRxKz+NQeh7fbjzi/Fx0sC9NooOICfElyNeTYF8vDGDvsRx2H81mV1o2uYU2Zxt/657I6EvrY/WwuPwaRERKS0UpERERERGpOtZ/6li2GeLWZg3D4Mm5m7Eb0LdVDEmJtd3SbkyIH/1a+9GvdSwAWflFbDyYwbqD6aw/kM6mQ44iVUpmPimZ+ec9V/3wAP52WSI3tq1zxhMCRUTMoKKUiIiIiIhUDUd3wKE1YLFCy4FubXr+phRW7TmBj6cHE65p6ta2Txfk60XXhuF0bRju3JaZX8TO1Cx2pGZzPLuAzPxiMvOKsBsG9WoH0CAigMSIQBpEBKpnlIhUKipKiYiIiIhI1bD+jwnOG10NgZFuaza/yMZT87YCMLZHA+rW8ndb26UR7OtF+3phtK8XZnYUEZEyce+jKkRERERERMrDboP1Mx3rrd07dG/az/s4eDKPmBBf7uyR6Na2RUSqMxWlRERERESk8tv7E2QdBt9QaHKN25otstl5f8VeAMZf3Rh/bw02ERFxFRWlRERERESk8lv9tmPZYgB4+rit2e82pZCaWUBEkA/929RxW7siIjWBilIiIiIiIlK5HfgVtn8LFg9IGuvWpqf90UtqWFI83p7680lExJX0rSoiIiIiIpWXYcCiJxzrrYdCRBO3Nb3+QDq/J6fjZbUwLKme29oVEakpVJQSEREREZHKa/ePsG8ZWL3h8kfc2vS0n/cB0K9VLBFB7hsyKCJSU6goJSIiIiIilZPdDouedKx3vANC49zWdFpWPnM3HAZgZLcEt7UrIlKTqCglIiIiIiKV09av4Mg68A6E7g+6tenpq5Ipshm0r1eLVnVD3dq2iEhNoaKUiIiIiIhUPoW5sOg/jvWu90JAuNuaLrLZmf5LMgAjuya4rV0RkZpGRSkREREREalcDAO+GgcndkNAJHQZ59bml+88xrHsAsIDvenTItqtbYuI1CQqSomIiIiISOWyYjJs/gI8PGHQB+AT5Nbmv1p3CIDrWsXiZdWfTCIiFaVSfMO+9tprJCQk4OvrS1JSEqtXrz7nsW+//Tbdu3enVq1a1KpVi549e573eBERERERqUJ2/AALn3CsX/Ms1Ovq1uZzC4v5YUsqAP3bxLq1bRGRmsb0otTMmTMZP348jz32GL///jutW7emd+/epKWlnfX4JUuWMGTIEBYvXszKlSuJi4ujV69eHDp0yM3JRURERETEpY5sgM/vAAxoPxI63u72CAu3ppFbaCM+zJ82caFub19EpCaxGIZhmBkgKSmJjh078uqrrwJgt9uJi4vj3nvv5ZFHHrng5202G7Vq1eLVV19l+PDhFzw+MzOTkJAQMjIyCA4Ovuj8IiIiIiJykQwDfnsP5k8AWwHEdYYR34Cnt9uj3PHBryzcmsa9VzbkwV5N3N6+iEh1UNrai6cbM52hsLCQNWvWMGHCBOc2Dw8PevbsycqVK0t1jtzcXIqKiggLC6uomJVWxsljjv8Dr0gWS4Wfv0Jb+CN/BV/FH01VQCt/OWfFXMdf2nB1I2dcg8sbuFCTF3n6ir57zn1+lzR9gZO45t/jAm1cbBMXvIaLdeEzXNT/vkv52fK3UPpPlvsyyvDBCvkuFJHqLS8dvr4Xtn7teN+oF9z4pikFqZM5hSzZfhTQ0D0REXcwtSh17NgxbDYbUVFRJbZHRUWxbdu2Up3j4YcfJjY2lp49e551f0FBAQUFBc73mZmZ5Q9cydhebksY1ed6REREKoLdqNhCWUV3OTcq+D+tVPT5HW1UtKr9M3LZz+cs/7HPAtg8PLFbvDGsXhgeXuDpg4enNx6e3nj5+GL18sFi9QFPX/AJBO/AP5ZBfywDwDcU/MPALwz8azvWrV7lz2oYcHgtrJsOG2dDfgZ4eEHPx6Hz3eBhziwj321Kodhu0CwmmIaR7p1cXUSkJjK1KHWxnnnmGWbMmMGSJUvw9fU96zGTJk3iiSeecHMyERERqSw8LKbOVOACVT2/mM5eCOSCzcXn9QkGv1qOApV/7ZIFq1Pbraf1dsrPhJN74cQeSNkIx3b8uS+sAQx4G+q0d3HIsjn11D31khIRcQ9Ti1Lh4eFYrVZSU1NLbE9NTSU6Ovq8n33++ed55plnWLhwIa1atTrncRMmTGD8+PHO95mZmcTFxV1c8Eoi6J+7KKrA8ztGBlbsL8IGRoUPQXTHdZzWUAWfvmr/e/x56gps48zGXN+GG6biK9FCBbXnjjb+0khFN1Ah13HmKSugjQs3evFtnHHOKnodFdyGcZafi8v7yJwrsguv5dxncmEb5zyVK6/jHOdy5c/KDddRjsbLeBqDIrtBQZGdgmIbhcV2Ck69iorJycsnMyeX3JxccvJyycnNoyA/j9y8PPLz8/CiGC+K8bMUEkAegZZ8Asgj0qeIuAA70b7FhFtz8SpMh9wTkHcSMKAg0/FK31++4FYfuKQftB0G9XuAh9UlP4/yOpyex+p9JwDo11pFKRERdzC1KOXt7U379u1ZtGgRN9xwA+CY6HzRokXcc8895/zcs88+y1NPPcX3339Phw4dztuGj48PPj4+roxdaXh5V8/rEhERERH3yCu0cfBkLsknctmVls3WI5n8dCSLXUezseUYkOM4zsMC3RqGM+DSuvS6JBx/e46jQJV7HPJOnGM9HezFfzbm5QthiX++6nV19KiqJOZuOIxhQKf6YcSG+pkdR0SkRjB9+N748eMZMWIEHTp0oFOnTkyePJmcnBxGjRoFwPDhw6lTpw6TJk0C4H//+x8TJ07kk08+ISEhgZSUFAACAwMJDAw07TpERERERKoaP28rjaKCaBQVxFWX/DnPa05BMb/tP8nK3cf5efcxNhzMYNnOYyzbeYwAbyvDuyYw9rJEQsMbmpjetb5adxjQ0D0REXcyvSg1ePBgjh49ysSJE0lJSaFNmzbMnz/fOfl5cnIyHqdNdPjGG29QWFjIzTffXOI8jz32GI8//rg7o4uIiIiIVEsBPp70aBxBj8YRAOw/nsOctYeYs/YQ+4/n8saS3Xy8cj93dE9k9KUJBPlexKTnlcCutCw2H87E08PCtS1izI4jIlJjWAx3TI5SiWRmZhISEkJGRgbBwcFmxxERERERqTIMw2Dh1jRe+GE721KyAIgJ8eWlwW3onFjb5HTl9+IP25ny4y6uahrJuyM7mh1HRKTKK23txZxnrYqIiIiISJVjsVi4ulkU8+7rzqtD21Kvtj9HMvIZ8vYqnvt+G0U2u9kRy8wwDL5a7xi6d72G7omIuJWKUiIiIiIiUiYeHhauaxXLvPu6M6hDXQwDXlu8m5unriQtM9/seGWy/mAG+4/n4udl5epmURf+gIiIuIyKUiIiIiIiUi4BPp48e3NrXhvajmBfT9YfSGfQmys5lJ5ndrRS+2rdIQB6NY/C39v0KXdFRGoUFaVEREREROSi9G0Vw9x7uxMX5se+47kMmrqS/cdzzI51QTa7wTfrjwB66p6IiBlUlBIRERERkYsWX9ufWWO7kBgewKH0PAZOXcmutCyzY53Xyt3HOZZdQC1/L7o3ijA7johIjaOilIiIiIiIuERMiB8zx3ahSVQQaVkFDH93NceyC8yOdU6nhu5d2zIGL6v+NBIRcTd984qIiIiIiMtEBPkw42+dSQwP4HBGPnd9vIbC4sr3VL78IhvzN6UA0L9NHZPTiIjUTCpKiYiIiIiIS9UK8ObtER0I8vHk130nefybzWZHOsOS7WlkFRQTG+JLh3q1zI4jIlIjqSglIiIiIiIu1yAikClD2mKxwCe/JPPRqv1mRyrhq3WHAejXJhYPD4vJaUREaiYVpUREREREpEJc0TSS/+vdFIAnvt7M+gPp5gb6Q2Z+EYu2pQHQv7WG7omImEVFKRERERERqTB39kjk2pbRFNsNHpy9nvwim9mR+H5TCoXFdhpFBnJJTJDZcUREaiwVpUREREREpMJYLBaeuqElEUE+7ErL5qUFO8yOxNfrHUP3+reJxWLR0D0REbOoKCUiIiIiIhWqVoA3T9/YEoC3lu1hzf4TpmVJy8pnxa5jgJ66JyJiNhWlRERERESkwl3dLIqb2tXBMOCh2RvIKzRnGN+3G45gN6BdfChxYf6mZBAREQcVpURERERExC0e69ec6GBf9h7L4fkftpuS4dRT99RLSkTEfCpKiYiIiIiIW4T4eTFpgGMY37Sf97EtJdOt7e8/nsO6A+lYPSxc2zLGrW2LiMiZVJQSERERERG3uaJJJH2aR2OzG0z8ajOGYbit7c/XHASga4PaRAT5uK1dERE5OxWlRERERETErf7drxm+Xh6s3nvCOZyuohXb7Mz87QAAt3SMd0ubIiJyfipKiYiIiIiIW9UJ9ePeKxsB8NS8rWTlF1V4mz9uSyM1s4DaAd5c3SyqwtsTEZELU1FKRERERETc7o7u9akfHsDRrAJeXrizwtv7dHUyADd3qIu3p/4MEhGpDPRtLCIiIiIibufjaeWxfs0AeP/nfWxPyaqwtg6l57Fkx1FAQ/dERCoTFaVERERERMQUlzeJpHfzqD8mPd9UYZOez/z1AIYBXRJrUz88oELaEBGRslNRSkRERERETPPv6xyTnv+y9wRfr3f9pOfFNjuzfnVMcD4kSb2kREQqExWlRERERETENHVr+TPu8oYAPPWt6yc9X7L9KCmZ+dTy96J3c01wLiJSmagoJSIiIiIiphpzWSIJtf1JyypgyiLXTnr+8S/7Abi5fV18PK0uPbeIiFwcFaVERERERMRUvl5WHru+OQDvr9jHjlTXTHq+NvkkS7YfxcMCQ5PqueScIiLiOipKiYiIiIiI6a5oEsnVzaIoths88vkGbPaLn/T8hR92AHBTu7qa4FxEpBJSUUpERERERCqFJ65vTqCPJ78np/Pe8r0Xda6Vu4+zfNcxvKwW7r+qkYsSioiIK6koJSIiIiIilUJsqB+P9r0EgOd/2M7uo9nlOo9hGDz/w3YAbukYT1yYv8syioiI66goJSIiIiIilcbgjnFc1jiCgmI7/5i9vlzD+JZsP8qa/Sfx8fTgnisbVkBKERFxBRWlRERERESk0rBYLDxzU8tyD+Oz2//sJTWiawJRwb4VEVNERFxARSkREREREalUTh/G9+z321i282ipPzv1p91sPpxJoI8nd/ZoUFERRUTEBVSUEhERERGRSmdwxziuaxVDkc3gbx+uYc3+kxf8zLcbjvDsfEcvqUeuaUpYgHdFxxQRkYugopSIiIiIiFQ6FouFFwe1oXujcPKKbIye9ivbUjLPefza5JOMn7UOgFHdEri1cz03JRURkfJSUUpERERERColb08P3rytPe3iQ8nIK+K2d1fz47ZU7H+Z/HxnahZjPvyNgmI7VzWN5NG+zUxKLCIiZWExDKPsj7OowjIzMwkJCSEjI4Pg4GCz44iIiIiIyAVk5BYx+K2VbEvJAiAxPICR3RIothl8vf4w6w6kA9AsJpjZd3YhwMfTxLQiIlLa2ouKUiIiIiIiUumdzCnktcW7mPnrAbIKikvs87BA90YR/G9AK6JD9LQ9ERGzqSh1DipKiYiIiIhUXdkFxXy+5iCz1xzA19PKda1iuLZVDJFBKkaJiFQWKkqdg4pSIiIiIiIiIiIVp7S1F010LiIiIiIiIiIibqeilIiIiIiIiIiIuJ2KUiIiIiIiIiIi4nYqSomIiIiIiIiIiNupKCUiIiIiIiIiIm6nopSIiIiIiIiIiLidilIiIiIiIiIiIuJ2KkqJiIiIiIiIiIjbqSglIiIiIiIiIiJup6KUiIiIiIiIiIi4nYpSIiIiIiIiIiLidp5mB3A3wzAAyMzMNDmJiIiIiIiIiEj1c6rmcqoGcy41riiVlZUFQFxcnMlJRERERERERESqr6ysLEJCQs6532JcqGxVzdjtdg4fPkxQUBAWi8XsOBclMzOTuLg4Dhw4QHBwsNlxRC5I96xUJbpfpSrR/SpVje5ZqUp0v0pVUlnuV8MwyMrKIjY2Fg+Pc88cVeN6Snl4eFC3bl2zY7hUcHCwvhylStE9K1WJ7lepSnS/SlWje1aqEt2vUpVUhvv1fD2kTtFE5yIiIiIiIiIi4nYqSomIiIiIiIiIiNupKFWF+fj48Nhjj+Hj42N2FJFS0T0rVYnuV6lKdL9KVaN7VqoS3a9SlVS1+7XGTXQuIiIiIiIiIiLmU08pERERERERERFxOxWlRERERERERETE7VSUEhERERERERERt1NRqgp77bXXSEhIwNfXl6SkJFavXm12JBEef/xxLBZLiVfTpk2d+/Pz8xk3bhy1a9cmMDCQAQMGkJqaamJiqUl++ukn+vXrR2xsLBaLhS+//LLEfsMwmDhxIjExMfj5+dGzZ0927txZ4pgTJ04wbNgwgoODCQ0N5fbbbyc7O9uNVyE1yYXu2ZEjR57xndunT58Sx+ieFXeZNGkSHTt2JCgoiMjISG644Qa2b99e4pjS/B6QnJxM37598ff3JzIykn/84x8UFxe781KkBijN/Xr55Zef8R175513ljhG96u4wxtvvEGrVq0IDg4mODiYLl268N133zn3V+XvVhWlqqiZM2cyfvx4HnvsMX7//Xdat25N7969SUtLMzuaCM2bN+fIkSPO1/Lly537/v73v/PNN98we/Zsli5dyuHDh7nppptMTCs1SU5ODq1bt+a111476/5nn32WKVOmMHXqVH755RcCAgLo3bs3+fn5zmOGDRvG5s2bWbBgAXPnzuWnn37ib3/7m7suQWqYC92zAH369Cnxnfvpp5+W2K97Vtxl6dKljBs3jlWrVrFgwQKKioro1asXOTk5zmMu9HuAzWajb9++FBYW8vPPP/PBBx8wbdo0Jk6caMYlSTVWmvsVYMyYMSW+Y5999lnnPt2v4i5169blmWeeYc2aNfz2229ceeWV9O/fn82bNwNV/LvVkCqpU6dOxrhx45zvbTabERsba0yaNMnEVCKG8dhjjxmtW7c+67709HTDy8vLmD17tnPb1q1bDcBYuXKlmxKKOADGnDlznO/tdrsRHR1tPPfcc85t6enpho+Pj/Hpp58ahmEYW7ZsMQDj119/dR7z3XffGRaLxTh06JDbskvN9Nd71jAMY8SIEUb//v3P+Rnds2KmtLQ0AzCWLl1qGEbpfg+YN2+e4eHhYaSkpDiPeeONN4zg4GCjoKDAvRcgNcpf71fDMIwePXoY999//zk/o/tVzFSrVi3jnXfeqfLfreopVQUVFhayZs0aevbs6dzm4eFBz549WblypYnJRBx27txJbGwsiYmJDBs2jOTkZADWrFlDUVFRiXu3adOmxMfH694V0+3du5eUlJQS92dISAhJSUnO+3PlypWEhobSoUMH5zE9e/bEw8ODX375xe2ZRQCWLFlCZGQkTZo04a677uL48ePOfbpnxUwZGRkAhIWFAaX7PWDlypW0bNmSqKgo5zG9e/cmMzPT2SNApCL89X49Zfr06YSHh9OiRQsmTJhAbm6uc5/uVzGDzWZjxowZ5OTk0KVLlyr/3eppautSLseOHcNms5W4oQCioqLYtm2bSalEHJKSkpg2bRpNmjThyJEjPPHEE3Tv3p1NmzaRkpKCt7c3oaGhJT4TFRVFSkqKOYFF/nDqHjzbd+upfSkpKURGRpbY7+npSVhYmO5hMUWfPn246aabqF+/Prt37+af//wn11xzDStXrsRqteqeFdPY7XYeeOABunXrRosWLQBK9XtASkrKWb+HT+0TqQhnu18Bhg4dSr169YiNjWXDhg08/PDDbN++nS+++ALQ/SrutXHjRrp06UJ+fj6BgYHMmTOHZs2asW7duir93aqilIi41DXXXONcb9WqFUlJSdSrV49Zs2bh5+dnYjIRkernlltuca63bNmSVq1a0aBBA5YsWcJVV11lYjKp6caNG8emTZtKzCspUlmd6349ff69li1bEhMTw1VXXcXu3btp0KCBu2NKDdekSRPWrVtHRkYGn332GSNGjGDp0qVmx7poGr5XBYWHh2O1Ws+YTT81NZXo6GiTUomcXWhoKI0bN2bXrl1ER0dTWFhIenp6iWN070plcOoePN93a3R09BkPlCguLubEiRO6h6VSSExMJDw8nF27dgG6Z8Uc99xzD3PnzmXx4sXUrVvXub00vwdER0ef9Xv41D4RVzvX/Xo2SUlJACW+Y3W/irt4e3vTsGFD2rdvz6RJk2jdujUvv/xylf9uVVGqCvL29qZ9+/YsWrTIuc1ut7No0SK6dOliYjKRM2VnZ7N7925iYmJo3749Xl5eJe7d7du3k5ycrHtXTFe/fn2io6NL3J+ZmZn88ssvzvuzS5cupKens2bNGucxP/74I3a73fmLqoiZDh48yPHjx4mJiQF0z4p7GYbBPffcw5w5c/jxxx+pX79+if2l+T2gS5cubNy4sUQxdcGCBQQHB9OsWTP3XIjUCBe6X89m3bp1ACW+Y3W/ilnsdjsFBQVV/7vV1GnWpdxmzJhh+Pj4GNOmTTO2bNli/O1vfzNCQ0NLzKYvYoYHH3zQWLJkibF3715jxYoVRs+ePY3w8HAjLS3NMAzDuPPOO434+Hjjxx9/NH777TejS5cuRpcuXUxOLTVFVlaWsXbtWmPt2rUGYLz44ovG2rVrjf379xuGYRjPPPOMERoaanz11VfGhg0bjP79+xv169c38vLynOfo06eP0bZtW+OXX34xli9fbjRq1MgYMmSIWZck1dz57tmsrCzjoYceMlauXGns3bvXWLhwodGuXTujUaNGRn5+vvMcumfFXe666y4jJCTEWLJkiXHkyBHnKzc313nMhX4PKC4uNlq0aGH06tXLWLdunTF//nwjIiLCmDBhghmXJNXYhe7XXbt2GU8++aTx22+/GXv37jW++uorIzEx0bjsssuc59D9Ku7yyCOPGEuXLjX27t1rbNiwwXjkkUcMi8Vi/PDDD4ZhVO3vVhWlqrBXXnnFiI+PN7y9vY1OnToZq1atMjuSiDF48GAjJibG8Pb2NurUqWMMHjzY2LVrl3N/Xl6ecffddxu1atUy/P39jRtvvNE4cuSIiYmlJlm8eLEBnPEaMWKEYRiGYbfbjX//+99GVFSU4ePjY1x11VXG9u3bS5zj+PHjxpAhQ4zAwEAjODjYGDVqlJGVlWXC1UhNcL57Njc31+jVq5cRERFheHl5GfXq1TPGjBlzxn+g0j0r7nK2exUw3n//fecxpfk9YN++fcY111xj+Pn5GeHh4caDDz5oFBUVuflqpLq70P2anJxsXHbZZUZYWJjh4+NjNGzY0PjHP/5hZGRklDiP7ldxh9GjRxv16tUzvL29jYiICOOqq65yFqQMo2p/t1oMwzDc1y9LREREREREREREc0qJiIiIiIiIiIgJVJQSERERERERERG3U1FKRERERERERETcTkUpERERERERERFxOxWlRERERERERETE7VSUEhERERERERERt1NRSkRERERERERE3E5FKRERERERERERcTsVpUREREQuwsiRI7nhhhvMjiEiIiJS5agoJSIiInIOFovlvK/HH3+cl19+mWnTppmS7+2336Z169YEBgYSGhpK27ZtmTRpknO/CmYiIiJSmXmaHUBERESksjpy5IhzfebMmUycOJHt27c7twUGBhIYGGhGNN577z0eeOABpkyZQo8ePSgoKGDDhg1s2rTJlDwiIiIiZaWeUiIiIiLnEB0d7XyFhIRgsVhKbAsMDDyjN9Lll1/OvffeywMPPECtWrWIiori7bffJicnh1GjRhEUFETDhg357rvvSrS1adMmrrnmGgIDA4mKiuK2227j2LFj58z29ddfM2jQIG6//XYaNmxI8+bNGTJkCE899RQAjz/+OB988AFfffWVs2fXkiVLADhw4ACDBg0iNDSUsLAw+vfvz759+5znPnVNTzzxBBEREQQHB3PnnXdSWFjosp+tiIiIiIpSIiIiIi72wQcfEB4ezurVq7n33nu56667GDhwIF27duX333+nV69e3HbbbeTm5gKQnp7OlVdeSdu2bfntt9+YP38+qampDBo06JxtREdHs2rVKvbv33/W/Q899BCDBg2iT58+HDlyhCNHjtC1a1eKioro3bs3QUFBLFu2jBUrVhAYGEifPn1KFJ0WLVrE1q1bWbJkCZ9++ilffPEFTzzxhGt/UCIiIlKjqSglIiIi4mKtW7fm0UcfpVGjRkyYMAFfX1/Cw8MZM2YMjRo1YuLEiRw/fpwNGzYA8Oqrr9K2bVuefvppmjZtStu2bXnvvfdYvHgxO3bsOGsbjz32GKGhoSQkJNCkSRNGjhzJrFmzsNvtgGNooZ+fHz4+Ps6eXd7e3sycORO73c4777xDy5YtueSSS3j//fdJTk529qQC8Pb25r333qN58+b07duXJ598kilTpjjPLyIiInKxVJQSERERcbFWrVo5161WK7Vr16Zly5bObVFRUQCkpaUBsH79ehYvXuycoyowMJCmTZsCsHv37rO2ERMTw8qVK9m4cSP3338/xcXFjBgxgj59+py3cLR+/Xp27dpFUFCQs62wsDDy8/NLtNW6dWv8/f2d77t06UJ2djYHDhwox09ERERE5Eya6FxERETExby8vEq8t1gsJbZZLBYAZ/EoOzubfv368b///e+Mc8XExJy3rRYtWtCiRQvuvvtu7rzzTrp3787SpUu54oorznp8dnY27du3Z/r06Wfsi4iIOP+FiYiIiLiQilIiIiIiJmvXrh2ff/45CQkJeHqW/9ezZs2aAZCTkwM4huDZbLYz2po5cyaRkZEEBwef81zr168nLy8PPz8/AFatWkVgYCBxcXHlziciIiJyOg3fExERETHZuHHjOHHiBEOGDOHXX39l9+7dfP/994waNeqMotIpd911F//5z39YsWIF+/fvZ9WqVQwfPpyIiAi6dOkCQEJCAhs2bGD79u0cO3aMoqIihg0bRnh4OP3792fZsmXs3buXJUuWcN9993Hw4EHn+QsLC7n99tvZsmUL8+bN47HHHuOee+7Bw0O/PoqIiIhr6LcKEREREZPFxsayYsUKbDYbvXr1omXLljzwwAOEhoaeswjUs2dPVq1axcCBA2ncuDEDBgzA19eXRYsWUbt2bQDGjBlDkyZN6NChAxEREaxYsQJ/f39++ukn4uPjuemmm7jkkku4/fbbyc/PL9Fz6qqrrqJRo0ZcdtllDB48mOuvv57HH3/cHT8OERERqSEshmEYZocQERERkcpj5MiRpKen8+WXX5odRURERKox9ZQSERERERERERG3U1FKRERERERERETcTsP3RERERERERETE7dRTSkRERERERERE3E5FKRERERERERERcTsVpURERERERERExO1UlBIREREREREREbdTUUpERERERERERNxORSkREREREREREXE7FaVERERERERERMTtVJQSERERERERERG3U1FKRERERERERETc7v8Btgjpjfo3sKcAAAAASUVORK5CYII=", "text/plain": [ - "
" + "
" ] }, "metadata": {}, @@ -182,61 +383,23 @@ } ], "source": [ - "# Normalization and Standardization Function\n", - "def normalize_and_standardize(tensor):\n", - " # Normalize\n", - " min_val = tensor.min()\n", - " max_val = tensor.max()\n", - " tensor = (tensor - min_val) / (max_val - min_val) \n", - " # Standardize\n", - " mean = tensor.mean()\n", - " std = tensor.std()\n", - " standardized_normalized_tensor = (tensor - mean) / std\n", - " return standardized_normalized_tensor\n", - "\n", - "plan_tensor = normalize_and_standardize(plan_tensor)\n", - "\n", - "# Concatenate Plan and Go Envelope Tensors\n", - "normalised_inputs = torch.cat([plan_tensor, go_envelope_tensor], dim=3) # Resulting shape: [27, 8, 296, 16]\n", - "\n", - "print(\"shape of normalised inputs\", normalised_inputs.shape)\n", + "file_path = 'condsForSimJ2moMuscles.mat' \n", + "normalised_inputs, output, num_conditions, num_delays = prepare_dataset(file_path)\n", "\n", "# Averaging across conditions and delays\n", "avg_inputs = normalised_inputs.mean(dim=[0, 1]).squeeze()\n", - "avg_output = muscle_tensor.mean(dim=[0, 1])\n", - "\n", - "# For plan and muscle\n", - "# individual features for plotting \n", - "feature_idx = 7 #max14\n", - "muscle_idx = 1 #max1\n", + "avg_output = output.mean(dim=[0, 1])\n", "\n", "# Time steps\n", "timesteps = np.arange(296)\n", "\n", - "# Plotting Go Envelope\n", - "plt.figure(figsize=(12, 8))\n", - "plt.subplot(2, 1, 1)\n", - "plt.plot(timesteps, avg_inputs, label='Inputs')\n", - "plt.title('Inputs over Time')\n", - "plt.xlabel('Time Step')\n", - "plt.ylabel('Average Value')\n", - "plt.legend()\n", - "plt.show()\n", - "# Plotting Muscle Feature\n", - "plt.subplot(2, 1, 2)\n", - "plt.plot(timesteps, avg_output, label=f'Muscle')\n", - "plt.title(f'Muscles over Time')\n", - "plt.xlabel('Time Step')\n", - "plt.ylabel('Average Value')\n", - "plt.legend()\n", - "\n", - "plt.tight_layout()\n", - "plt.show()" + "plot_inputs_over_time(timesteps, avg_inputs)\n", + "plot_muscles_over_time(timesteps, avg_output)" ] }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 8, "id": "417463ca-29c8-4229-baed-58dcf390747a", "metadata": {}, "outputs": [ @@ -276,7 +439,7 @@ "fixed_delay_idx = 3\n", "\n", "# Create the dataset with the fixed delay\n", - "complicated_dataset = ComplicatedTimeseriesDataset(normalised_inputs, muscle_tensor, fixed_delay_idx)\n", + "complicated_dataset = ComplicatedTimeseriesDataset(normalised_inputs, output, fixed_delay_idx)\n", "\n", "# Split the dataset\n", "train_size = int(0.6 * len(complicated_dataset))\n", @@ -294,7 +457,7 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 9, "id": "9aec07a1-d43a-4ba4-ac21-3bb34a35490c", "metadata": {}, "outputs": [ @@ -310,7 +473,7 @@ "source": [ "# Flatten the first two dimensions (conditions and delays)\n", "flattened_inputs = normalised_inputs.view(-1, *normalised_inputs.shape[2:])\n", - "flattened_targets = muscle_tensor.view(-1, *muscle_tensor.shape[2:])\n", + "flattened_targets = output.view(-1, *output.shape[2:])\n", "\n", "class SimpleTimeseriesDataset(Dataset):\n", " def __init__(self, inputs, targets):\n", @@ -341,14 +504,15 @@ "batch_size = 31\n", "\n", "# Create DataLoaders\n", - "simple_train_loader = DataLoader(simple_train_dataset, batch_size=batch_size, shuffle=True)\n", - "simple_val_loader = DataLoader(simple_val_dataset, batch_size=batch_size, shuffle=False)\n", - "simple_test_loader = DataLoader(simple_test_dataset, batch_size=batch_size, shuffle=False)\n" + "# Assuming `simple_train_dataset` is your training dataset\n", + "simple_train_loader = DataLoader(simple_train_dataset, batch_size=batch_size, shuffle=True, num_workers=4, worker_init_fn=seed_worker)\n", + "simple_val_loader = DataLoader(simple_val_dataset, batch_size=batch_size, shuffle=False, num_workers=4, worker_init_fn=seed_worker)\n", + "simple_test_loader = DataLoader(simple_test_dataset, batch_size=batch_size, shuffle=False, num_workers=4, worker_init_fn=seed_worker)\n" ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 10, "id": "9c841c9a-27b3-414d-b406-56547c285e1c", "metadata": {}, "outputs": [], @@ -394,7 +558,7 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 11, "id": "7e2b6a95-49a0-4f10-8f63-3b85a7f7d7be", "metadata": {}, "outputs": [ @@ -402,84 +566,19 @@ "name": "stdout", "output_type": "stream", "text": [ - "Epoch 1, Training Loss: 0.09990493208169937\n", - "Epoch 1, Validation Loss: 0.004711436806246638\n", - "Epoch 2, Training Loss: 0.08156924545764924\n", - "Epoch 2, Validation Loss: 0.0023660557344555855\n", - "Epoch 3, Training Loss: 0.07785575985908508\n", - "Epoch 3, Validation Loss: 0.0013379687443375587\n", - "Epoch 4, Training Loss: 0.07395251989364623\n", - "Epoch 4, Validation Loss: 0.0012069095100741833\n", - "Epoch 5, Training Loss: 0.07063267603516579\n", - "Epoch 5, Validation Loss: 0.000720058218576014\n", - "Epoch 6, Training Loss: 0.06756513714790344\n", - "Epoch 6, Validation Loss: 0.001048803300363943\n", - "Epoch 7, Training Loss: 0.0652676947414875\n", - "Epoch 7, Validation Loss: 0.0009437713015358895\n", - "Epoch 8, Training Loss: 0.06359337270259857\n", - "Epoch 8, Validation Loss: 0.0003817102260654792\n", - "Epoch 9, Training Loss: 0.061562617868185045\n", - "Epoch 9, Validation Loss: 0.0003690354496939108\n", - "Epoch 10, Training Loss: 0.05999904125928879\n", - "Epoch 10, Validation Loss: 0.00018772845942294225\n", - "Epoch 11, Training Loss: 0.058273962885141375\n", - "Epoch 11, Validation Loss: 0.00017664364713709801\n", - "Epoch 12, Training Loss: 0.056584176421165464\n", - "Epoch 12, Validation Loss: 0.00012618825712706894\n", - "Epoch 13, Training Loss: 0.05465507283806801\n", - "Epoch 13, Validation Loss: 0.00016775102267274633\n", - "Epoch 14, Training Loss: 0.052842859923839566\n", - "Epoch 14, Validation Loss: 0.000255798120633699\n", - "Epoch 15, Training Loss: 0.05107126235961914\n", - "Epoch 15, Validation Loss: 0.00022049236577004194\n", - "Epoch 16, Training Loss: 0.04936056211590767\n", - "Epoch 16, Validation Loss: 0.00016539518401259556\n", - "Epoch 17, Training Loss: 0.04781046509742737\n", - "Epoch 17, Validation Loss: 0.0001232797440025024\n", - "Epoch 18, Training Loss: 0.04624799564480782\n", - "Epoch 18, Validation Loss: 8.385405453736894e-05\n", - "Epoch 19, Training Loss: 0.04448559209704399\n", - "Epoch 19, Validation Loss: 5.9909012634307146e-05\n", - "Epoch 20, Training Loss: 0.04266916811466217\n", - "Epoch 20, Validation Loss: 5.534806950890925e-05\n", - "Epoch 21, Training Loss: 0.04080480858683586\n", - "Epoch 21, Validation Loss: 0.0001050497085088864\n", - "Epoch 22, Training Loss: 0.03905410990118981\n", - "Epoch 22, Validation Loss: 0.00024737019703025\n", - "Epoch 23, Training Loss: 0.03756947517395019\n", - "Epoch 23, Validation Loss: 0.0002951487258542329\n", - "Epoch 24, Training Loss: 0.036213088780641556\n", - "Epoch 24, Validation Loss: 7.673800791963004e-05\n", - "Epoch 25, Training Loss: 0.03492295891046524\n", - "Epoch 25, Validation Loss: 3.711055796884466e-05\n", - "Epoch 26, Training Loss: 0.033703580126166345\n", - "Epoch 26, Validation Loss: 3.963153176300693e-05\n", - "Epoch 27, Training Loss: 0.03251720368862152\n", - "Epoch 27, Validation Loss: 5.715929546568077e-05\n", - "Epoch 28, Training Loss: 0.031398915126919745\n", - "Epoch 28, Validation Loss: 0.00032036000629886985\n", - "Epoch 29, Training Loss: 0.030546291172504424\n", - "Epoch 29, Validation Loss: 0.0002416889910819009\n", - "Epoch 30, Training Loss: 0.029669982939958574\n", - "Epoch 30, Validation Loss: 7.680887574679218e-05\n", - "Epoch 31, Training Loss: 0.028885506093502045\n", - "Epoch 31, Validation Loss: 0.0001019467854348477\n", - "Epoch 32, Training Loss: 0.028199802339076995\n", - "Epoch 32, Validation Loss: 0.00010403030319139361\n", - "Epoch 33, Training Loss: 0.027530474588274956\n", - "Epoch 33, Validation Loss: 3.966728218074422e-05\n", - "Epoch 34, Training Loss: 0.026827479526400567\n", - "Epoch 34, Validation Loss: 8.663611879455857e-05\n", - "Epoch 35, Training Loss: 0.02612145580351353\n", - "Epoch 35, Validation Loss: 7.069771891110577e-05\n", - "Early stopping triggered at epoch 35\n", - "Training stopped due to early stopping at epoch 35\n", - "Test Loss: 9.599913755664602e-05\n" + "GPU is enabled in this notebook. \n", + "If you want to disable it, in the menu under `Runtime` -> \n", + "`Hardware accelerator.` and select `None` from the dropdown menu\n", + "Random seed 2024 has been set.\n", + "Epoch 1, Training Loss: 0.1747440665960312\n", + "Epoch 1, Validation Loss: 0.02451595477759838\n", + "Finished Training\n", + "Test Loss: 0.02941493410617113\n" ] }, { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAA1cAAAIjCAYAAADvBuGTAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjYuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8o6BhiAAAACXBIWXMAAA9hAAAPYQGoP6dpAACESUlEQVR4nOzdd3wUdf7H8femk0pIQkJC6KFD6KFIUzQgoBQVOVRQT04PsKCeYqF43mE/FFQsP9FTUcSCiHQOUASk994CJCSkQEIS0nbn90eShU1CzYZNeT0fj31k9zvfmf3MTjbZ987Md0yGYRgCAAAAAJSKk6MLAAAAAIDKgHAFAAAAAHZAuAIAAAAAOyBcAQAAAIAdEK4AAAAAwA4IVwAAAABgB4QrAAAAALADwhUAAAAA2AHhCgAAAADsgHAFoNIaNWqU6tWrd13zTp48WSaTyb4FlTPHjh2TyWTS559/fsOf22QyafLkydbHn3/+uUwmk44dO3bFeevVq6dRo0bZtZ7S/K5UJd99951q1Kih9PT0a573WrZxWSj6O1eRPf/884qKinJ0GQBKQLgCcMOZTKaruq1atcrRpVZ5jz/+uEwmkw4dOnTJPi+++KJMJpN27NhxAyu7dnFxcZo8ebK2bdvm6FKsCgPuW2+95ehSrshsNmvSpEkaN26cvL29re05OTl699131bZtW/n6+qp69epq0aKFRo8erX379jmwYvso3EaFNycnJ9WoUUP9+vXTunXrivUv/GImODhYmZmZxabXq1dPAwYMsGkrXPbbb79drH9hKN20aZO17cknn9T27ds1f/58O6whAHsiXAG44b788kub26233lpie7NmzUr1PJ988on2799/XfO+9NJLOn/+fKmevzIYMWKEJGn27NmX7PPNN9+oVatWat269XU/z/3336/z58+rbt26172MK4mLi9OUKVNKDFel+V2pKn755Rft379fo0ePtmkfOnSonn76abVs2VKvvfaapkyZoh49emjRokVav369td+N2MZlafjw4fryyy81a9YsPfbYY1q/fr169+6tnTt3ltj/9OnT+vDDD6/pOd58880SA1lRISEhuvPOOytEKAeqGhdHFwCg6rnvvvtsHq9fv17Lli0r1l5UZmamPD09r/p5XF1dr6s+SXJxcZGLC38io6Ki1KhRI33zzTeaOHFisenr1q3T0aNH9dprr5XqeZydneXs7FyqZZRGaX5XqopZs2apW7duCgsLs7Zt3LhRCxYs0L/+9S+98MILNv1nzJihs2fPWh87ehuXVrt27Wz+RnXv3l39+vXThx9+qA8++KBY/zZt2ujNN9/U3//+d1WrVu2Ky2/Tpo22bdummTNnavz48Vfsf8899+juu+/WkSNH1KBBg2tbGQBlhj1XAMqlXr16qWXLltq8ebN69OghT09P64e3n3/+Wf3791doaKjc3d3VsGFD/fOf/5TZbLZZRtHzaC4+BOvjjz9Ww4YN5e7uro4dO2rjxo0285Z0zpXJZNLYsWM1b948tWzZUu7u7mrRooUWL15crP5Vq1apQ4cO8vDwUMOGDfXRRx9d9Xlcv//+u+6++27VqVNH7u7uCg8P11NPPVVsT9qoUaPk7e2t2NhYDRo0SN7e3goKCtIzzzxT7LU4e/asRo0aJT8/P1WvXl0jR460+eB7OSNGjNC+ffu0ZcuWYtNmz54tk8mk4cOHKycnRxMnTlT79u3l5+cnLy8vde/eXStXrrzic5R0Po5hGHr11VdVu3ZteXp6qnfv3tq9e3exeVNSUvTMM8+oVatW8vb2lq+vr/r166ft27db+6xatUodO3aUJD344IPWw7AKzzcr6ZyrjIwMPf300woPD5e7u7uaNGmit956S4Zh2PS7lt+L63X69Gk9/PDDCg4OloeHhyIjI/XFF18U6/ftt9+qffv28vHxka+vr1q1aqV3333XOj03N1dTpkxRRESEPDw8FBAQoJtuuknLli277PNnZWVp8eLF6tOnj0374cOHJUndunUrNo+zs7MCAgKsj0vaxoWHyBW+X6pVq6ZWrVpZDwn+8ccf1apVK3l4eKh9+/baunWrzXMUvgeOHDmi6OhoeXl5KTQ0VK+88kqx7VSS2NhYPfTQQwoODrZut88+++yK80n54eri16CoiRMnKiEh4ar3XnXr1k0333yz3njjjavaa164LX7++eerWj6AG4NwBaDcSk5OVr9+/dSmTRtNmzZNvXv3lpT/Ic3b21vjx4/Xu+++q/bt22vixIl6/vnnr2q5s2fP1ptvvqm//e1vevXVV3Xs2DENGTJEubm5V5x3zZo1+vvf/657771Xb7zxhrKysjR06FAlJydb+2zdulV9+/ZVcnKypkyZoocfflivvPKK5s2bd1X1zZ07V5mZmXrsscc0ffp0RUdHa/r06XrggQeK9TWbzYqOjlZAQIDeeust9ezZU2+//bY+/vhjax/DMHTnnXfqyy+/1H333adXX31VJ0+e1MiRI6+qnksdGmg2m/Xdd9+pe/fuqlOnjtLS0vTpp5+qV69eev311zV58mQlJiYqOjr6us5zmjhxol5++WVFRkbqzTffVIMGDXTbbbcpIyPDpt+RI0c0b948DRgwQO+8846effZZ7dy5Uz179lRcXJwkqVmzZnrllVckSaNHj7YeetqjR48Sn9swDN1xxx36z3/+o759++qdd95RkyZN9Oyzz5a4V+Fqfi+u1/nz59WrVy99+eWXGjFihN588035+flp1KhRNsFp2bJlGj58uPz9/fX666/rtddeU69evfTHH39Y+0yePFlTpkxR7969NWPGDL344ouqU6dOicH5Yps3b1ZOTo7atWtn0154iN/XX3+tvLy861q/Q4cO6S9/+YsGDhyoqVOn6syZMxo4cKC+/vprPfXUU7rvvvs0ZcoUHT58WPfcc48sFovN/GazWX379lVwcLDeeOMNtW/fXpMmTdKkSZMu+7wJCQnq3Lmzli9frrFjx+rdd99Vo0aN9PDDD2vatGlXrLswJPr7+5c4vXv37tcUlqT87XO1gczPz08NGza02b4AygEDABxszJgxRtE/Rz179jQkGTNnzizWPzMzs1jb3/72N8PT09PIysqyto0cOdKoW7eu9fHRo0cNSUZAQICRkpJibf/5558NScYvv/xibZs0aVKxmiQZbm5uxqFDh6xt27dvNyQZ06dPt7YNHDjQ8PT0NGJjY61tBw8eNFxcXIotsyQlrd/UqVMNk8lkxMTE2KyfJOOVV16x6du2bVujffv21sfz5s0zJBlvvPGGtS0vL8/o3r27IcmYNWvWFWvq2LGjUbt2bcNsNlvbFi9ebEgyPvroI+sys7OzbeY7c+aMERwcbDz00EM27ZKMSZMmWR/PmjXLkGQcPXrUMAzDOH36tOHm5mb079/fsFgs1n4vvPCCIckYOXKktS0rK8umLsPI39bu7u42r83GjRsvub5Ff1cKX7NXX33Vpt9dd91lmEwmm9+Bq/29KEnh7+Sbb755yT7Tpk0zJBlfffWVtS0nJ8fo0qWL4e3tbaSlpRmGYRhPPPGE4evra+Tl5V1yWZGRkUb//v0vW1NJPv30U0OSsXPnTpt2i8Vifa8GBwcbw4cPN95//32b39NCRbexYRhG3bp1DUnG2rVrrW1LliwxJBnVqlWzWc5HH31kSDJWrlxpbSt8D4wbN86mpv79+xtubm5GYmKitb3o79zDDz9s1KpVy0hKSrKp89577zX8/Pys78PCbTRlyhQjMTHRiI+PN37//XejY8eOhiRj7ty5NvMX/u1ITEw0Vq9ebUgy3nnnHZt1LroNJBljxowxDMMwevfubYSEhFifv/B127hxY7HX9LbbbjOaNWtWrB2A47DnCkC55e7urgcffLBY+8XnL5w7d05JSUnq3r27MjMzr2p0smHDhtl821x4eM+RI0euOG+fPn3UsGFD6+PWrVvL19fXOq/ZbNby5cs1aNAghYaGWvs1atRI/fr1u+LyJdv1y8jIUFJSkrp27SrDMIodFiVJjz76qM3j7t2726zLwoUL5eLioscee8za5uzsrHHjxl1VPVL+eXInT57Ub7/9Zm2bPXu23NzcdPfdd1uX6ebmJkmyWCxKSUlRXl6eOnTocMU9I0UtX75cOTk5GjdunM2hlE8++WSxvu7u7nJyyv93ZjablZycLG9vbzVp0uSan7fQwoUL5ezsrMcff9ym/emnn5ZhGFq0aJFN+5V+L0pj4cKFCgkJ0fDhw61trq6uevzxx5Wenq7Vq1dLkqpXr66MjIzLHuJXvXp17d69WwcPHrymGgr3wBXdS2MymbRkyRK9+uqr8vf31zfffKMxY8aobt26GjZs2FUdetq8eXN16dLF+rhwiPGbb75ZderUKdZe0ms6duxYm5rGjh2rnJwcLV++vMTnNAxDP/zwgwYOHCjDMJSUlGS9RUdHKzU1tdjvzqRJkxQUFKSQkBB1795de/fu1dtvv6277rrrkuvWo0cP9e7d+5r3XsXHx2vmzJlX7Ovv76+kpKSrWi6AG4NwBaDcCgsLs35Yv9ju3bs1ePBg+fn5ydfXV0FBQdYTzVNTU6+43Is/sEkXPjCeOXPmmuctnL9w3tOnT+v8+fNq1KhRsX4ltZXk+PHjGjVqlGrUqGE9j6pnz56Siq+fh4eHgoKCLlmPJMXExKhWrVo2w2dLUpMmTa6qHkm699575ezsbD00MCsrSz/99JP69etn84H7iy++UOvWra3n8wQFBenXX3+9qu1ysZiYGElSRESETXtQUFCxD/gWi0X/+c9/FBERIXd3dwUGBiooKEg7duy45ue9+PlDQ0Pl4+Nj0144gmVhfYWu9HtRGjExMYqIiLAGyEvV8ve//12NGzdWv379VLt2bT300EPFzvt65ZVXdPbsWTVu3FitWrXSs88+e01D6BslnMfk7u6uF198UXv37lVcXJy++eYbde7cWd99951N6LmUoq+dn5+fJCk8PLzE9qKvqZOTU7EBHRo3bixJl7ymVmJios6ePauPP/5YQUFBNrfCL3ROnz5tM8/o0aO1bNky/fLLL9ZzIIue21iSawlL0rUFMsMwKv31+ICKhnAFoNwqaYSts2fPqmfPntq+fbteeeUV/fLLL1q2bJlef/11SSp2PkZJLjViWUkfHO0579Uwm8269dZb9euvv+q5557TvHnztGzZMuvAC0XX70aNvlazZk3deuut+uGHH5Sbm6tffvlF586ds56PJUlfffWVRo0apYYNG+r//u//tHjxYi1btkw333zzVW2X6/Xvf/9b48ePV48ePfTVV19pyZIlWrZsmVq0aFGmz3uxsv69uBo1a9bUtm3bNH/+fN1xxx1auXKl+vXrZ3NuXY8ePXT48GF99tlnatmypT799FO1a9dOn3766WWXXTgwxZXCYq1atXTvvffqt99+U0REhL777rsrnot1qdeuLF/Twt+L++67T8uWLSvxVnSQjoiICPXp08d6bt9TTz2l559/3ub6UyXp0aOHevXqdU17ryZNmqT4+Hh99NFHl+135swZBQYGXtUyAdwYjDMMoEJZtWqVkpOT9eOPP9oMRnD06FEHVnVBzZo15eHhUeJFdy93Id5CO3fu1IEDB/TFF1/YDGBxpdHcLqdu3bpasWKF0tPTbfZeXet1nUaMGKHFixdr0aJFmj17tnx9fTVw4EDr9O+//14NGjTQjz/+aPNt+pUGFrhUzZJ08OBBm70SiYmJxT7gf//99+rdu7f+7//+z6b97NmzNh88r+Ub/rp162r58uU6d+6czd6rwsNOb+S1murWrasdO3bIYrHY7L0qqRY3NzcNHDhQAwcOlMVi0d///nd99NFHevnll617TmvUqKEHH3xQDz74oNLT09WjRw9NnjxZf/3rXy9ZQ9OmTSXlv89atWp1xZpdXV3VunVrHTx4UElJSQoJCbmudb8aFotFR44cse6tkqQDBw5IUrERIAsFBQXJx8dHZrO52AiIV+vFF1/UJ598opdeeumKI0NOnjxZvXr1umJYKtSzZ0/rwDAlXQKh0NGjRxUZGXlNdQMoW+y5AlChFH6bffG31zk5OSVeZ8YRnJ2d1adPH82bN886Up2UH6yKnqdzqfkl2/UzDMNmVLhrdfvttysvL89mBDKz2azp06df03IGDRokT09PffDBB1q0aJGGDBkiDw+Py9b+559/at26dddcc58+feTq6qrp06fbLK+kUdycnZ2L7c2YO3euYmNjbdq8vLwk6arOA7r99ttlNps1Y8YMm/b//Oc/MplMV33+nD3cfvvtio+P15w5c6xteXl5mj59ury9va2HjBYdmdDJycl6Yefs7OwS+3h7e6tRo0bW6ZfSvn17ubm5FdtLc/DgQR0/frxY/7Nnz2rdunXy9/cvdthqWbh4OxmGoRkzZsjV1VW33HJLif2dnZ01dOhQ/fDDD9q1a1ex6YmJiVd8zurVq+tvf/ublixZcsXRMC8OS1lZWVdctnThcMKLR/68WGpqqg4fPqyuXbte1fIA3BjsuQJQoXTt2lX+/v4aOXKkHn/8cZlMJn355Zc39PCrK5k8ebKWLl2qbt266bHHHrN+SG/ZsuUVP4Q1bdpUDRs21DPPPKPY2Fj5+vrqhx9+KNW5OwMHDlS3bt30/PPP69ixY2revLl+/PHHaz4fydvbW4MGDbKed3XxIYGSNGDAAP34448aPHiw+vfvr6NHj2rmzJlq3ry50tPTr+m5Cq/XNXXqVA0YMEC33367tm7dqkWLFhU7DGrAgAF65ZVX9OCDD6pr167auXOnvv7662Ln4TRs2FDVq1fXzJkz5ePjIy8vL0VFRal+/frFnn/gwIHq3bu3XnzxRR07dkyRkZFaunSpfv75Zz355JM2g1fYw4oVK0r80D1o0CCNHj1aH330kUaNGqXNmzerXr16+v777/XHH39o2rRp1j1rf/3rX5WSkqKbb75ZtWvXVkxMjKZPn642bdpYz89q3ry5evXqpfbt26tGjRratGmTvv/++yueG+Xh4aHbbrtNy5cvtw5pL0nbt2/XX/7yF/Xr10/du3dXjRo1FBsbqy+++EJxcXGaNm1amR+66uHhocWLF2vkyJGKiorSokWL9Ouvv+qFF164bLB77bXXtHLlSkVFRemRRx5R8+bNlZKSoi1btmj58uVKSUm54nM/8cQTmjZtml577TV9++23l+07adIk6+UkrkbPnj3Vs2dP64AlRS1fvtx6mQUA5QfhCkCFEhAQoAULFujpp5/WSy+9JH9/f91333265ZZbFB0d7ejyJOV/y79o0SI988wzevnllxUeHq5XXnlFe/fuveJohq6urvrll1/0+OOPa+rUqfLw8NDgwYM1duzY6z78x8nJSfPnz9eTTz6pr776SiaTSXfccYfefvtttW3b9pqWNWLECM2ePVu1atXSzTffbDNt1KhR1vNElixZoubNm+urr77S3LlzrReFvRavvvqqPDw8NHPmTOuH4KVLl6p///42/V544QVlZGRo9uzZmjNnjtq1a6dff/212HXPXF1d9cUXX2jChAl69NFHlZeXp1mzZpUYrgpfs4kTJ2rOnDmaNWuW6tWrpzfffFNPP/30Na/LlSxevLjEQ8vq1aunli1batWqVXr++ef1xRdfKC0tTU2aNNGsWbM0atQoa9/77rtPH3/8sT744AOdPXtWISEhGjZsmCZPnmw9nPDxxx/X/PnztXTpUmVnZ6tu3bp69dVX9eyzz16xxoceekhDhw7ViRMnrINN9OjRQ//85z+1aNEivfPOO0pMTJSPj4/atm2r119/XUOHDrXPC3QZzs7OWrx4sR577DE9++yz8vHx0aRJky57OJ0kBQcHa8OGDXrllVf0448/6oMPPlBAQIBatGhhPYfzSkJDQ/WXv/xFX375pQ4fPnzZ0N2rV6/LhqWSTJ48+ZKBbO7cubrpppvsHvQBlI7JKE9f9wJAJTZo0KDrGgYbKA/MZrOaN2+ue+65R//85z8dXY6k/ED//fffX/Oe0YouPj5e9evX17fffsueK6Cc4ZwrACgDRUcFO3jwoBYuXKhevXo5piCglJydnfXKK6/o/fffr3JhpryZNm2aWrVqRbACyiH2XAFAGahVq5ZGjRqlBg0aKCYmRh9++KGys7O1devWYtduAnB9quqeKwDlF+dcAUAZ6Nu3r7755hvFx8fL3d1dXbp00b///W+CFQAAlRh7rgAAAADADjjnCgAAAADsgHAFAAAAAHbAOVclsFgsiouLk4+Pj0wmk6PLAQAAAOAghmHo3LlzCg0NtV438FIIVyWIi4uzXiARAAAAAE6cOKHatWtftg/hqgQ+Pj6S8l9AX19fB1cDAAAAwFHS0tIUHh5uzQiXQ7gqQeGhgL6+voQrAAAAAFd1uhADWgAAAACAHRCuAAAAAMAOCFcAAAAAYAeccwUAAIAKwWw2Kzc319FloJJxdnaWi4uLXS7BRLgCAABAuZeenq6TJ0/KMAxHl4JKyNPTU7Vq1ZKbm1uplkO4AgAAQLlmNpt18uRJeXp6KigoyC57GAAp/wLBOTk5SkxM1NGjRxUREXHFCwVfDuEKAAAA5Vpubq4Mw1BQUJCqVavm6HJQyVSrVk2urq6KiYlRTk6OPDw8rntZDGgBAACACoE9VigrpdlbZbMcuywFAAAAAKo4whUAAAAA2AHhCgAAAKgg6tWrp2nTpl11/1WrVslkMuns2bNlVhMuIFwBAAAAdmYymS57mzx58nUtd+PGjRo9evRV9+/atatOnTolPz+/63q+q0WIy8dogQAAAICdnTp1ynp/zpw5mjhxovbv329t8/b2tt43DENms1kuLlf+aB4UFHRNdbi5uSkkJOSa5sH1c/ieq/fff1/16tWTh4eHoqKitGHDhkv23b17t4YOHap69erJZDJdcpfotSwTAAAAFYthGMrMyXPI7WovYhwSEmK9+fn5yWQyWR/v27dPPj4+WrRokdq3by93d3etWbNGhw8f1p133qng4GB5e3urY8eOWr58uc1yix4WaDKZ9Omnn2rw4MHy9PRURESE5s+fb51edI/S559/rurVq2vJkiVq1qyZvL291bdvX5swmJeXp8cff1zVq1dXQECAnnvuOY0cOVKDBg267m125swZPfDAA/L395enp6f69eungwcPWqfHxMRo4MCB8vf3l5eXl1q0aKGFCxda5x0xYoR1KP6IiAjNmjXrumspSw7dczVnzhyNHz9eM2fOVFRUlKZNm6bo6Gjt379fNWvWLNY/MzNTDRo00N13362nnnrKLssEAABAxXI+16zmE5c45Ln3vBItTzf7fIR+/vnn9dZbb6lBgwby9/fXiRMndPvtt+tf//qX3N3d9d///lcDBw7U/v37VadOnUsuZ8qUKXrjjTf05ptvavr06RoxYoRiYmJUo0aNEvtnZmbqrbfe0pdffiknJyfdd999euaZZ/T1119Lkl5//XV9/fXXmjVrlpo1a6Z3331X8+bNU+/eva97XUeNGqWDBw9q/vz58vX11XPPPafbb79de/bskaurq8aMGaOcnBz99ttv8vLy0p49e6x7915++WXt2bNHixYtUmBgoA4dOqTz589fdy1lyaF7rt555x098sgjevDBB9W8eXPNnDlTnp6e+uyzz0rs37FjR7355pu699575e7ubpdlAgAAAI7wyiuv6NZbb1XDhg1Vo0YNRUZG6m9/+5tatmypiIgI/fOf/1TDhg1t9kSVZNSoURo+fLgaNWqkf//730pPT7/skVu5ubmaOXOmOnTooHbt2mns2LFasWKFdfr06dM1YcIEDR48WE2bNtWMGTNUvXr1617PwlD16aefqnv37oqMjNTXX3+t2NhYzZs3T5J0/PhxdevWTa1atVKDBg00YMAA9ejRwzqtbdu26tChg+rVq6c+ffpo4MCB111PWXLYnqucnBxt3rxZEyZMsLY5OTmpT58+Wrdu3Q1dZnZ2trKzs62P09LSruv57c0wDB1OzNCag4ka1rGOqrk5O7okAAAAh6vm6qw9r0Q77LntpUOHDjaP09PTNXnyZP366686deqU8vLydP78eR0/fvyyy2ndurX1vpeXl3x9fXX69OlL9vf09FTDhg2tj2vVqmXtn5qaqoSEBHXq1Mk63dnZWe3bt5fFYrmm9Su0d+9eubi4KCoqytoWEBCgJk2aaO/evZKkxx9/XI899piWLl2qPn36aOjQodb1euyxxzR06FBt2bJFt912mwYNGqSuXbteVy1lzWF7rpKSkmQ2mxUcHGzTHhwcrPj4+Bu6zKlTp8rPz896Cw8Pv67nLwv3/9+fmvzLHm08luLoUgAAAMoFk8kkTzcXh9xMJpPd1sPLy8vm8TPPPKOffvpJ//73v/X7779r27ZtatWqlXJyci67HFdX12Kvz+WCUEn9r/ZcsrLy17/+VUeOHNH999+vnTt3qkOHDpo+fbokqV+/foqJidFTTz2luLg43XLLLXrmmWccWu+lOHxAi/JgwoQJSk1Ntd5OnDjh6JIk5f+i39QoUJK05lCSg6sBAABAWfrjjz80atQoDR48WK1atVJISIiOHTt2Q2vw8/NTcHCwNm7caG0zm83asmXLdS+zWbNmysvL059//mltS05O1v79+9W8eXNrW3h4uB599FH9+OOPevrpp/XJJ59YpwUFBWnkyJH66quvNG3aNH388cfXXU9ZcthhgYGBgXJ2dlZCQoJNe0JCwnUPF3m9y3R3d7/kOVyOdlNEoOZuPqnfDxKuAAAAKrOIiAj9+OOPGjhwoEwmk15++eXrPhSvNMaNG6epU6eqUaNGatq0qaZPn64zZ85c1V67nTt3ysfHx/rYZDIpMjJSd955px555BF99NFH8vHx0fPPP6+wsDDdeeedkqQnn3xS/fr1U+PGjXXmzBmtXLlSzZo1kyRNnDhR7du3V4sWLZSdna0FCxZYp5U3Dttz5ebmpvbt29ucPGexWLRixQp16dKl3CzT0boV7LnaeypNieeyr9AbAAAAFdU777wjf39/de3aVQMHDlR0dLTatWt3w+t47rnnNHz4cD3wwAPq0qWLvL29FR0dLQ8PjyvO26NHD7Vt29Z6a9++vSRp1qxZat++vQYMGKAuXbrIMAwtXLjQeoii2WzWmDFj1KxZM/Xt21eNGzfWBx98ICn/M/6ECRPUunVr9ejRQ87Ozvr222/L7gUoBZPhwAMs58yZo5EjR+qjjz5Sp06dNG3aNH333Xfat2+fgoOD9cADDygsLExTp06VlD9gxZ49eyRJt99+u0aMGKERI0bI29tbjRo1uqplXo20tDT5+fkpNTVVvr6+ZbPy16Dfu79r76k0vXtvG93ZJszR5QAAANxQWVlZOnr0qOrXr39VH/BhXxaLRc2aNdM999yjf/7zn44up0xc7nfsWrKBQ69zNWzYMCUmJmrixImKj49XmzZttHjxYmsIOn78uJycLuxci4uLU9u2ba2P33rrLb311lvq2bOnVq1adVXLrIi6RwRq76k0rTmYRLgCAABAmYqJidHSpUvVs2dPZWdna8aMGTp69Kj+8pe/OLq0cs+he67Kq/K25+q3A4l64LMNquXnobXP32zXUWoAAADKO/Zc3VgnTpzQvffeq127dskwDLVs2VKvvfaa9bpTlVGl2HOFq9Opfg25uTjpVGqWDidmqFFNb0eXBAAAgEoqPDxcf/zxh6PLqJAYir0C8HB1Vsd6/pKkNQcTHVwNAAAAgJIQriqIblzvCgAAACjXCFcVRPdGQZKk9UdSlGu+8dc7AAAAAHB5hKsKokWor/w9XZWenaftJ846uhwAAAAARRCuKggnJ5O6Fhwa+PtBDg0EAAAAyhvCVQXSnfOuAAAAgHKLcFWBFA5qse3EWaVl5Tq4GgAAAJS1Xr166cknn7Q+rlevnqZNm3bZeUwmk+bNm1fq57bXcqoSwlUFEl7DU/UCPGW2GPrzSIqjywEAAMAlDBw4UH379i1x2u+//y6TyaQdO3Zc83I3btyo0aNHl7Y8G5MnT1abNm2KtZ86dUr9+vWz63MV9fnnn6t69epl+hw3EuGqgrkpouDQQK53BQAAUG49/PDDWrZsmU6ePFls2qxZs9ShQwe1bt36mpcbFBQkT09Pe5R4RSEhIXJ3d78hz1VZEK4qmJsKhmT/nfOuAABAVWUYUk6GY26GcVUlDhgwQEFBQfr8889t2tPT0zV37lw9/PDDSk5O1vDhwxUWFiZPT0+1atVK33zzzWWXW/SwwIMHD6pHjx7y8PBQ8+bNtWzZsmLzPPfcc2rcuLE8PT3VoEEDvfzyy8rNzT/F5PPPP9eUKVO0fft2mUwmmUwma81FDwvcuXOnbr75ZlWrVk0BAQEaPXq00tPTrdNHjRqlQYMG6a233lKtWrUUEBCgMWPGWJ/rehw/flx33nmnvL295evrq3vuuUcJCQnW6du3b1fv3r3l4+MjX19ftW/fXps2bZIkxcTEaODAgfL395eXl5datGihhQsXXnctV8OlTJcOu+vSMEBOJulIYobizp5XaPVqji4JAADgxsrNlP4d6pjnfiFOcvO6YjcXFxc98MAD+vzzz/Xiiy/KZDJJkubOnSuz2azhw4crPT1d7du313PPPSdfX1/9+uuvuv/++9WwYUN16tTpis9hsVg0ZMgQBQcH688//1RqaqrN+VmFfHx89Pnnnys0NFQ7d+7UI488Ih8fH/3jH//QsGHDtGvXLi1evFjLly+XJPn5+RVbRkZGhqKjo9WlSxdt3LhRp0+f1l//+leNHTvWJkCuXLlStWrV0sqVK3Xo0CENGzZMbdq00SOPPHLF9Slp/QqD1erVq5WXl6cxY8Zo2LBhWrVqlSRpxIgRatu2rT788EM5Oztr27ZtcnV1lSSNGTNGOTk5+u233+Tl5aU9e/bI29v7muu4FoSrCsavmqta166ubSfOas2hJN3TIdzRJQEAAKAEDz30kN58802tXr1avXr1kpR/SODQoUPl5+cnPz8/PfPMM9b+48aN05IlS/Tdd99dVbhavny59u3bpyVLlig0ND9s/vvf/y52ntRLL71kvV+vXj0988wz+vbbb/WPf/xD1apVk7e3t1xcXBQSEnLJ55o9e7aysrL03//+V15e+eFyxowZGjhwoF5//XUFBwdLkvz9/TVjxgw5OzuradOm6t+/v1asWHFd4WrFihXauXOnjh49qvDw/M+8//3vf9WiRQtt3LhRHTt21PHjx/Xss8+qadOmkqSIiAjr/MePH9fQoUPVqlUrSVKDBg2uuYZrRbiqgLpHBOaHq4OEKwAAUAW5eubvQXLUc1+lpk2bqmvXrvrss8/Uq1cvHTp0SL///rteeeUVSZLZbNa///1vfffdd4qNjVVOTo6ys7Ov+pyqvXv3Kjw83BqsJKlLly7F+s2ZM0fvvfeeDh8+rPT0dOXl5cnX1/eq16PwuSIjI63BSpK6desmi8Wi/fv3W8NVixYt5OzsbO1Tq1Yt7dy585qe6+LnDA8PtwYrSWrevLmqV6+uvXv3qmPHjho/frz++te/6ssvv1SfPn109913q2HDhpKkxx9/XI899piWLl2qPn36aOjQodd1ntu14JyrCuimgiHZ/ziUJIvl6o77BQAAqDRMpvxD8xxxKzi872o9/PDD+uGHH3Tu3DnNmjVLDRs2VM+ePSVJb775pt59910999xzWrlypbZt26bo6Gjl5OTY7aVat26dRowYodtvv10LFizQ1q1b9eKLL9r1OS5WeEheIZPJJIvFUibPJeWPdLh79271799f//vf/9S8eXP99NNPkqS//vWvOnLkiO6//37t3LlTHTp00PTp08usFolwVSG1reMvTzdnJWfkaG98mqPLAQAAwCXcc889cnJy0uzZs/Xf//5XDz30kPX8qz/++EN33nmn7rvvPkVGRqpBgwY6cODAVS+7WbNmOnHihE6dOmVtW79+vU2ftWvXqm7dunrxxRfVoUMHRUREKCYmxqaPm5ubzGbzFZ9r+/btysjIsLb98ccfcnJyUpMmTa665mtRuH4nTpywtu3Zs0dnz55V8+bNrW2NGzfWU089paVLl2rIkCGaNWuWdVp4eLgeffRR/fjjj3r66af1ySeflEmthQhXFZCbi5M6NwiQJK05yKiBAAAA5ZW3t7eGDRumCRMm6NSpUxo1apR1WkREhJYtW6a1a9dq7969+tvf/mYzEt6V9OnTR40bN9bIkSO1fft2/f7773rxxRdt+kREROj48eP69ttvdfjwYb333nvWPTuF6tWrp6NHj2rbtm1KSkpSdnZ2secaMWKEPDw8NHLkSO3atUsrV67UuHHjdP/991sPCbxeZrNZ27Zts7nt3btXffr0UatWrTRixAht2bJFGzZs0AMPPKCePXuqQ4cOOn/+vMaOHatVq1YpJiZGf/zxhzZu3KhmzZpJkp588kktWbJER48e1ZYtW7Ry5UrrtLJCuKqguhUcGriGIdkBAADKtYcfflhnzpxRdHS0zflRL730ktq1a6fo6Gj16tVLISEhGjRo0FUv18nJST/99JPOnz+vTp066a9//av+9a9/2fS544479NRTT2ns2LFq06aN1q5dq5dfftmmz9ChQ9W3b1/17t1bQUFBJQ4H7+npqSVLliglJUUdO3bUXXfdpVtuuUUzZsy4thejBOnp6Wrbtq3NbeDAgTKZTPr555/l7++vHj16qE+fPmrQoIHmzJkjSXJ2dlZycrIeeOABNW7cWPfcc4/69eunKVOmSMoPbWPGjFGzZs3Ut29fNW7cWB988EGp670ck2Fc5WD9VUhaWpr8/PyUmpp6zSf73SgHEs7ptv/8JncXJ22fdJs8XJ2vPBMAAEAFlJWVpaNHj6p+/fry8PBwdDmohC73O3Yt2YA9VxVURE1vBfu6KzvPos0xZxxdDgAAAFDlEa4qKJPJZD008HfOuwIAAAAcjnBVgXWPKDzvKtHBlQAAAAAgXFVg3Rrmh6vdcWlKySibaxUAAAAAuDqEqwqspq+HmgT7yDCktYc5NBAAAFRujMOGsmKv3y3CVQV3U+GhgZx3BQAAKiln5/xRkXNyOFIHZSMzM1OS5OrqWqrluNijGDjOTRGB+r81R/X7wSQZhmG94jcAAEBl4eLiIk9PTyUmJsrV1VVOTuwfgH0YhqHMzEydPn1a1atXtwb560W4quCi6teQq7NJsWfP61hypuoHejm6JAAAALsymUyqVauWjh49qpiYGEeXg0qoevXqCgkJKfVyCFcVnKebi9rV8defR1O05lAS4QoAAFRKbm5uioiI4NBA2J2rq2up91gVIlxVAt0jAvPD1cFE3d+5rqPLAQAAKBNOTk7y8PBwdBnAJXHAaiVwU0SQJGnt4WTlmS0OrgYAAAComghXlUCrMD/5erjoXFaedsSmOrocAAAAoEoiXFUCzk4mdS24oPAfDMkOAAAAOAThqpIovN7V74cIVwAAAIAjEK4qie4F4Wrr8TPKyM5zcDUAAABA1UO4qiTqBngpvEY15ZoN/Xk02dHlAAAAAFUO4aoSualR/qiBv3PeFQAAAHDDEa4qkZsaFQxqwXlXAAAAwA1HuKpEujYMkMkkHUhIV0JalqPLAQAAAKoUwlUl4u/lplZhfpKkNRwaCAAAANxQhKtKpvDQwDUcGggAAADcUISrSqbweldrDiXJMAwHVwMAAABUHYSrSqZ9XX95uDop8Vy2DiSkO7ocAAAAoMogXFUy7i7O6lQ/QJL0+8FEB1cDAAAAVB2Eq0qoO+ddAQAAADcc4aoSKjzv6s8jKcrOMzu4GgAAAKBqIFxVQk1DfBTo7abzuWZtiTnr6HIAAACAKoFwVQmZTCZ1Kzg08A8ODQQAAABuCMJVJVV4vavfCVcAAADADUG4qqS6RwRJknaePKvUzFwHVwMAAABUfoSrSirEz0ONanrLYkhrD7P3CgAAAChrhKtK7CaGZAcAAABuGMJVJUa4AgAAAG4cwlUl1rlhgFycTIpJztSJlExHlwMAAABUaoSrSszb3UVt61SXJP1+kL1XAAAAQFkiXFVyNzXKHzVwzaFEB1cCAAAAVG6Eq0rupoj8867WHk6W2WI4uBoAAACg8iJcVXKRtf3k4+6is5m52h2X6uhyAAAAgEqLcFXJuTg7qXPDAEmcdwUAAACUJcJVFdC94NDANYQrAAAAoMwQrqqAwutdbY45o/M5ZgdXAwAAAFROhKsqoH6gl8KqV1OO2aINx1IcXQ4AAABQKRGuqgCTyaRujfLPu1pzkCHZAQAAgLJAuKoiborIv94Vg1oAAAAAZYNwVUV0KxgxcF/8OSWey3ZwNQAAAEDlQ7iqIgK83dUi1FeS9Mch9l4BAAAA9ka4qkIKRw1cQ7gCAAAA7I5wVYXcdNH1rgzDcHA1AAAAQOVCuKpCOtarITcXJ8WnZelwYrqjywEAAAAqFcJVFeLh6qxO9WpIYtRAAAAAwN4IV1VM4aGBDGoBAAAA2BfhqoopHNTi94NJWrTzlIOrAQAAACoPwlUV07yWr3o0DlJ2nkWPfb1Fk+fvVnae2dFlAQAAABUe4aqKcXIy6bORHfRoz4aSpM/XHtM9M9fpREqmgysDAAAAKjbCVRXk4uyk5/s11WejOqi6p6u2n0xV//d+15Ld8Y4uDQAAAKiwHB6u3n//fdWrV08eHh6KiorShg0bLtt/7ty5atq0qTw8PNSqVSstXLjQZnp6errGjh2r2rVrq1q1amrevLlmzpxZlqtQYd3cNFi/Pt5d7epUV1pWnv725Wb9c8Ee5eRZHF0aAAAAUOE4NFzNmTNH48eP16RJk7RlyxZFRkYqOjpap0+fLrH/2rVrNXz4cD388MPaunWrBg0apEGDBmnXrl3WPuPHj9fixYv11Vdfae/evXryySc1duxYzZ8//0atVoUSVr2a5vytix7pXl+S9H9rjuqej9bp5BkOEwQAAACuhckwDMNRTx4VFaWOHTtqxowZkiSLxaLw8HCNGzdOzz//fLH+w4YNU0ZGhhYsWGBt69y5s9q0aWPdO9WyZUsNGzZML7/8srVP+/bt1a9fP7366qsl1pGdna3s7Gzr47S0NIWHhys1NVW+vr52WdeKYNmeBD393TalZeXJr5qr3rknUrc0C3Z0WQAAAIDDpKWlyc/P76qygcP2XOXk5Gjz5s3q06fPhWKcnNSnTx+tW7euxHnWrVtn01+SoqOjbfp37dpV8+fPV2xsrAzD0MqVK3XgwAHddtttl6xl6tSp8vPzs97Cw8NLuXYV063N8w8TjAyvrtTzuXr4i02aunCvcs0cJggAAABcicPCVVJSksxms4KDbfeMBAcHKz6+5IEV4uPjr9h/+vTpat68uWrXri03Nzf17dtX77//vnr06HHJWiZMmKDU1FTr7cSJE6VYs4otvIan5v6tix7sVk+S9NFvR3Tvx+sVd/a8YwsDAAAAyjmHD2hhb9OnT9f69es1f/58bd68WW+//bbGjBmj5cuXX3Ied3d3+fr62tyqMjcXJ00a2EIz72snHw8XbY45o/7v/a6V+0s+Fw4AAACA5OKoJw4MDJSzs7MSEhJs2hMSEhQSElLiPCEhIZftf/78eb3wwgv66aef1L9/f0lS69attW3bNr311lvFDinE5fVtWUvNa/lpzOwt2hmbqgdnbdRjvRrq6Vsby8W50uVyAAAAoFQc9gnZzc1N7du314oVK6xtFotFK1asUJcuXUqcp0uXLjb9JWnZsmXW/rm5ucrNzZWTk+1qOTs7y2LhvKHrUSfAU98/1kUPdKkrSfpw1WH95ZM/FZ+a5eDKAAAAgPLFobsfxo8fr08++URffPGF9u7dq8cee0wZGRl68MEHJUkPPPCAJkyYYO3/xBNPaPHixXr77be1b98+TZ48WZs2bdLYsWMlSb6+vurZs6eeffZZrVq1SkePHtXnn3+u//73vxo8eLBD1rEycHdx1it3ttSMv7SVt7uLNhxLUf/3ftdvBxIdXRoAAABQbjjssEApf2j1xMRETZw4UfHx8WrTpo0WL15sHbTi+PHjNnuhunbtqtmzZ+ull17SCy+8oIiICM2bN08tW7a09vn22281YcIEjRgxQikpKapbt67+9a9/6dFHH73h61fZDGgdqhahfhrz9RbtOZWmkbM2aGzvRnqyT2M5O5kcXR4AAADgUA69zlV5dS1j2VdFWblmvbJgj2b/eVyS1LlBDb13b1vV9PVwcGUAAACAfVWI61yh4vJwdda/B7fSu/e2kZebs9YfSdHt763R2sNJji4NAAAAcBjCFa7bnW3CNH/cTWoa4qOk9Gzd9+mf+uS3I2JnKAAAAKoiwhVKpWGQt376ezcNbVdbFkP618K9GvfNVmXm5Dm6NAAAAOCGIlyh1Kq5Oeutu1vrlTtbyMXJpAU7Tmnw+2t1LCnD0aUBAAAANwzhCnZhMpn0QJd6+mZ0ZwX5uGt/wjndMWONVu477ejSAAAAgBuCcAW76livhhaMu0nt6/orLStPD32xUe+tOCiLhfOwAAAAULkRrmB3wb4e+uaRzrqvcx0ZhvTOsgMa/eVmpWXlOro0AAAAoMwQrlAm3Fyc9OqgVnrjrtZyc3HS8r0JGjTjDx1MOOfo0gAAAIAyQbhCmbqnQ7i+f7SLQv08dCQpQ3e+/4cW7jzl6LIAAAAAuyNcocy1rl1dv4y7SV0aBCgzx6y/f71Fry3aJzPnYQEAAKASIVzhhgjwdteXD3fS6B4NJEkzVx/WqFkbdCYjx8GVAQAAAPZBuMIN4+LspBdub6bpw9uqmquzfj+YpAHT12hXbKqjSwMAAABKjXCFG25gZKh+GtNVdQM8FXv2vIZ+uFY/bjnp6LIAAACAUiFcwSGahvhq/pib1LtJkLLzLBr/3XZNnr9buWaLo0sDAAAArgvhCg7j5+mq/xvZUY/f3EiS9PnaYxrxyZ86fS7LwZUBAAAA145wBYdycjJp/G1N9MkDHeTj7qINx1I0cPoabY454+jSAAAAgGtCuEK5cGvzYM0b202NanorIS1b9368Tl//GSPDYLh2AAAAVAyEK5QbDYO8NW9MN/VrGaJcs6EXf9qlMbO3KDk929GlAQAAAFdEuEK54u3uog9GtNNzfZvKxcmkhTvjddt/ftPiXaccXRoAAABwWYQrlDsmk0mP9WqoeWO6qUmwj5IzcvToV1v0xLdbdTaTiw4DAACgfCJcodxqGean+eO66e+9GsrJJP28LU63/uc3rdib4OjSAAAAgGIIVyjX3F2c9Y++TfXj37upYZCXEs9l6+EvNunp77Yr9Xyuo8sDAAAArAhXqBDahFfXr4931+geDWQyST9sOam+037T6gOJji4NAAAAkES4QgXi4eqsF25vprl/66J6AZ46lZqlkZ9t0IQfdyg9O8/R5QEAAKCKI1yhwulQr4YWPdFDo7rWkyR9s+GEov/zm9YeSnJsYQAAAKjSCFeokKq5OWvyHS307ejOCq9RTbFnz+svn/6piT/vUgZ7sQAAAOAAhCtUaJ0bBGjxEz10X+c6kqT/rotRv3d/14ajKQ6uDAAAAFUN4QoVnpe7i14d1EpfPRylUD8PHU/J1LCP1+mVX/bofI7Z0eUBAACgiiBcodK4KSJQi5/qoWEdwmUY0md/HFX/937X5pgzji4NAAAAVQDhCpWKr4erXr+rtWY92FHBvu46kpShu2eu1dRFe5WVy14sAAAAlB3CFSql3k1qaumTPTWkXZgshvTR6iMaMH2Ntp846+jSAAAAUEkRrlBp+Xm66p172ujj+9sr0Ntdh06na/AHf+iVX/ZwXSwAAADYHeEKld5tLUK07KkeuiMyVJaCc7FufWe1luyOd3RpAAAAqEQIV6gS/L3c9N7wtvrioU4Kr1FNp1Kz9LcvN+uR/25S3Nnzji4PAAAAlQDhClVKz8ZBWvpkT/29V0O5OJm0bE+C+ryzWp/+fkR5ZoujywMAAEAFRrhClVPNzVn/6NtUC5/org51/ZWZY9arv+7VHTP+YMALAAAAXDfCFaqsxsE++u5vXfTakFbyq+aqPafSNOiDPzTx511Ky8p1dHkAAACoYAhXqNKcnEy6t1MdrXi6pwa3DZNhSP9dF6M+b6/WrztOyTAMR5cIAACACoJwBUgK9HbXf4a10VcPR6legKdOn8vWmNlb9NDnG3UiJdPR5QEAAKACIFwBF7kpIlCLn+yhx2+JkJuzk1buT9St/1mtmasPK5cBLwAAAHAZhCugCA9XZ42/tbEWPtFdUfVrKCvXotcW7dPA6Wu0OeaMo8sDAABAOUW4Ai6hUU1vfTu6s966O1L+nq7aF39OQz9cqxd+2qnUTAa8AAAAgC3CFXAZJpNJd7WvrRVP99Ld7WtLkmb/eVy3vLNKP2+LZcALAAAAWBGugKtQw8tNb94dqW9Hd1bDIC8lpefoiW+36YHPNuhIYrqjywMAAEA5YDL46r2YtLQ0+fn5KTU1Vb6+vo4uB+VMdp5ZH68+oukrDyknzyInk9SvVS091rOhWob5Obo8AAAA2NG1ZAPCVQkIV7gaR5My9OqCPVqx77S1rXtEoB7t2VBdGwbIZDI5sDoAAADYA+GqlAhXuBZ7T6Xpo9WH9cuOUzJb8t9OrcL89FivhopuESJnJ0IWAABARUW4KiXCFa7HiZRMffr7Ec3ZdEJZufnXxKof6KVHujfQkHZh8nB1dnCFAAAAuFaEq1IiXKE0ktOz9cW6GH2x9phSz+cP2R7k466HutXXiM515Ovh6uAKAQAAcLUIV6VEuII9ZGTn6duNJ/Tp70d0KjVLkuTj7qIRnevqoW71VNPXw8EVAgAA4EoIV6VEuII95eRZNH97nD5afVgHT+cP2+7m7KSh7cM0ukdD1Q/0cnCFAAAAuBTCVSkRrlAWLBZDK/ad1szVh7U55owkyWSS+rUM0aM9G6p17eqOLRAAAADFEK5KiXCFsrbxWIo+XHVY/7toGPdujQL0aM+GuqlRIMO4AwAAlBOEq1IiXOFG2Refpo9WH9H87XHWYdxbhvlqeKc66teylmp4uTm4QgAAgKqNcFVKhCvcaCdSMvV/a47q243HrcO4OzuZ1LVhgAa2DlV0ixD5eTLKIAAAwI1GuColwhUcJSUjR99tOqFftsdpd1yatd3V2aTuEUEa0LqWbm0eLB+GcwcAALghCFelRLhCeXAkMV2/7jilBTtOaX/COWu7m4uTejUO0oDIUN3StKa83F0cWCUAAEDlRrgqJcIVypuDCef0y45TWrAjTkcSM6ztHq5OuqVpsAa0rqXeTWvKw9XZgVUCAABUPoSrUiJcobwyDEN7T53Tgh1xWrDjlI6nZFqnebk5q0/zYA1oHaoejQPl7kLQAgAAKC3CVSkRrlARGIahnbGpWrDjlH7dcUqxZ89bp/l4uOi25iEaEFlLNzUKlKuzkwMrBQAAqLgIV6VEuEJFYxiGthw/qwU74rRw5yklpGVbp1X3dFW/liG6t2MdRYZXd1yRAAAAFRDhqpQIV6jILBZDG4+laMGOU1q065SS0nOs01rX9tN9UXU1MDJU1dw4bBAAAOBKCFelRLhCZZFntujPoymau+mEFu6MV445/xpavh4uuqt9uO7rXEcNgrwdXCUAAED5RbgqJcIVKqPk9Gx9t+mkvv4zRifPXDg/66ZGgbqvcx31aRYsF87NAgAAsEG4KiXCFSozs8XQbwcS9dX6GP1v/2kV/gUI9nXX8E51NLxTHQX7eji2SAAAgHKCcFVKhCtUFSdSMvXNhuOas/GEkjPyz81ydjLptubBuq9zXXVtGCCTyeTgKgEAAByHcFVKhCtUNdl5Zi3eFa+v1sdo47Ez1vYGQV4aEVVXd7WrLT9PVwdWCAAA4BiEq1IiXKEq2xefpq/Wx+inLbHKyDFLkjxcnXRHZKju71xPrWr7ObhCAACAG4dwVUqEK0BKz87TvK2x+mp9jPbFn7O2R9b2032d84dz93BlOHcAAFC5Ea5KiXAFXGAYhjbFnNFX62O0cOcp5Zrz/2R4uTmrd9Oaim4Rot5Na8rb3cXBlQIAANgf4aqUCFdAyZLSs/XdphOa/edxm+Hc3ZyddFNEoKJbBKtPs2AFeLs7sEoAAAD7IVyVEuEKuDyLxdD2k2e1ZHeCluyO19GkDOs0J5PUoV4N9W0RottaBKu2v6cDKwUAACgdwlUpEa6Aq2cYhg6eTteSXfFasideu2LTbKa3DPNV3xYhim4RokY1vRnaHQAAVCjXkg2cblBNl/T++++rXr168vDwUFRUlDZs2HDZ/nPnzlXTpk3l4eGhVq1aaeHChcX67N27V3fccYf8/Pzk5eWljh076vjx42W1CkCVZjKZ1DjYR+NuidCCcd31+z966+UBzdWpfg05maRdsWl6a+kB3fqf33TL26v12qJ92nr8jCwWvtcBAACVi0P3XM2ZM0cPPPCAZs6cqaioKE2bNk1z587V/v37VbNmzWL9165dqx49emjq1KkaMGCAZs+erddff11btmxRy5YtJUmHDx9Wp06d9PDDD2v48OHy9fXV7t271blz5xKXWRL2XAH2kZyereV7E7Rkd4LWHExSjtlinRbi66HbWgQrukWIOtWvIVdnh3/XAwAAUEyFOSwwKipKHTt21IwZMyRJFotF4eHhGjdunJ5//vli/YcNG6aMjAwtWLDA2ta5c2e1adNGM2fOlCTde++9cnV11ZdffnnddRGuAPs7l5WrVfsTtWR3vFbuO229hpYkVfd01S1Ng9W/dYi6RwQRtAAAQLlRIQ4LzMnJ0ebNm9WnT58LxTg5qU+fPlq3bl2J86xbt86mvyRFR0db+1ssFv36669q3LixoqOjVbNmTUVFRWnevHmXrSU7O1tpaWk2NwD25ePhqoGRoZrxl3baMvFWzRrVUcM6hCvAy01nM3P1w5aTeujzTer0r+V64aed+vNIMocOAgCACsVh4SopKUlms1nBwcE27cHBwYqPjy9xnvj4+Mv2P336tNLT0/Xaa6+pb9++Wrp0qQYPHqwhQ4Zo9erVl6xl6tSp8vPzs97Cw8NLuXYALsfdJf8aWa/f1VobXuyjOaM7a1TXegrycdeZzFzN/vO4hn28Xt1e/5/+vXCvdsWmirF3AABAeVeprvppseSfz3HnnXfqqaeekiS1adNGa9eu1cyZM9WzZ88S55swYYLGjx9vfZyWlkbAAm4QZyeTohoEKKpBgF4e0FzrjyTr522xWrQrXqdSs/Txb0f08W9H1CDIS3dGhumONqGqH+jl6LIBAACKcVi4CgwMlLOzsxISEmzaExISFBISUuI8ISEhl+0fGBgoFxcXNW/e3KZPs2bNtGbNmkvW4u7uLnd3LnoKOJqzk0ndGgWqW6NA/XNQS63an6j52+K0fG+CjiRm6D/LD+g/yw+odW0/3REZqoGRoQr29XB02QAAAJIceFigm5ub2rdvrxUrVljbLBaLVqxYoS5dupQ4T5cuXWz6S9KyZcus/d3c3NSxY0ft37/fps+BAwdUt25dO68BgLLk7uKs6BYhen9EO216qY/euSdSPRsHydnJpB0nU/Xqr3vVeeoKDf94vb7dcFypmbmOLhkAAFRxDj0scPz48Ro5cqQ6dOigTp06adq0acrIyNCDDz4oSXrggQcUFhamqVOnSpKeeOIJ9ezZU2+//bb69++vb7/9Vps2bdLHH39sXeazzz6rYcOGqUePHurdu7cWL16sX375RatWrXLEKgKwAx8PVw1pV1tD2tVWcnq2Fu48pZ+3xWlTzBmtO5KsdUeS9fLPu9SzcU3d0SZUfZrVlKdbpTrqGQAAVAAOHYpdkmbMmKE333xT8fHxatOmjd577z1FRUVJknr16qV69erp888/t/afO3euXnrpJR07dkwRERF64403dPvtt9ss87PPPtPUqVN18uRJNWnSRFOmTNGdd9551TUxFDtQMZw8k6lftp/Sz9titS/+nLXd081ZtzYP1p1tQnVToyC5uTC0OwAAuD4V5jpX5RXhCqh4DiSc0/xtcfp5e6xOpJy3tvtVc1W/liEaGBmqzg0C5OxkcmCVAACgoiFclRLhCqi4DMPQthNn9fO2OC3YcUpJ6dnWaYHe7urfKj9otavjLyeCFgAAuALCVSkRroDKwWwx9OeRZP2yI06LdsXr7EWDXtTy89CA1rU0MDJUrcL8ZDIRtAAAQHGEq1IiXAGVT67ZojWHkvTL9jgt3Z2g9Ow867S6AZ4a2Dp/aPcmIT4OrBIAAJQ3hKtSIlwBlVtWrlmr9idqwY78a2hl5Vqs0yJqemtgZKgGtK6lBkHeDqwSAACUB4SrUiJcAVVHRnaeVuw7rQXb47Rqf6JyzBeCVsswXw1sHar+rWuptr+nA6sEAACOQrgqJcIVUDWlZeVq6e4E/bI9TmsOJclsufDnsV2d6hoYGar+rWqppq+HA6sEAAA3EuGqlAhXAFIycrR4V7x+2R6n9UeTVfiX0skk9W5SU/d2qqPeTYLk4sw1tAAAqMwIV6VEuAJwsdNpWfp15yn9sj1OW46ftbbX9HHXXe1ra1jHcNUN8HJcgQAAoMwQrkqJcAXgUg4npuu7jSf0/eaTSs7IsbZ3aRCgezuFK7pFiDxcnR1YIQAAsCfCVSkRrgBcSU6eRf/bl6BvN57Q6gOJ1sMG/aq5anDbMN3bKVxNQ/j7AQBARUe4KiXCFYBrEXv2vOZuOqG5m04q9ux5a3tkeHUN7xiuAZGh8nZ3cWCFAADgehGuSolwBeB6mC2G1hxK0pyNx7V0d4LyCkYb9HRz1sDWoRrWKVxtw6vLZDI5uFIAAHC1CFelRLgCUFpJ6dn6cctJfbvxhI4kZljbmwT7aFjHcA1uGyZ/LzcHVggAAK4G4aqUCFcA7MUwDG2KOaNvNhzXwp2nlJWbf5FiN2cnRbcM0fCO4ercIEBOTuzNAgCgPCJclRLhCkBZSD2fq/nb4/TthuPaHZdmba/tX01D2tXWkLZhqhfIkO4AAJQnhKtSIlwBKGu7YlP17cbj+nlrnM5l51nb29f115B2YRrQKlR+nq4OrBAAAEiEq1IjXAG4Uc7nmLV0T7x+3BKr3w8mqmAMDLk5O6lP85oa0ra2ejYJkquzk2MLBQCgiiJclRLhCoAjnE7L0s/b4vTDlpPaF3/O2h7g5aY72oRqaLvaahHqy2iDAADcQISrUiJcAXC0PXFp+mHLSf28LVZJ6TnW9sbB3hrSrrYGtQlTiJ+HAysEAKBqIFyVEuEKQHmRZ7bo94NJ+mHLSS3dk6CcvPzRBk0m6aZGgRrSLkzRLULk6cZFigEAKAuEq1IiXAEoj1LP52rRzlP6YctJbTx2xtru5easfq1qaUi7MHWuz7DuAADYE+GqlAhXAMq7mOQM/bQ1Vj9uidXxlExre6ifhwa3C9PgtrXVqKa3AysEAKByIFyVEuEKQEVhGIY2x5zRD1titWBHnM5lXRjWvVWYnwa1DdPAyFqq6cP5WQAAXI8yD1cnTpyQyWRS7dq1JUkbNmzQ7Nmz1bx5c40ePfr6qi5HCFcAKqKsXLOW703Qj1ti9duBROUVjOvuZJJuigjS4Lahuq15iLzcOT8LAICrVebhqnv37ho9erTuv/9+xcfHq0mTJmrRooUOHjyocePGaeLEidddfHlAuAJQ0SWnZ+vXnaf009ZYbT1+1tru6eas6BYhGtQ2TN0aBsiF62cBAHBZZR6u/P39tX79ejVp0kTvvfee5syZoz/++ENLly7Vo48+qiNHjlx38eUB4QpAZXI0KUPztsZq3rZYxSRfOD8r0Ntdd0SGanDbMLUM4/pZAACU5FqywXUdG5Kbmyt3d3dJ0vLly3XHHXdIkpo2bapTp05dzyIBAGWkfqCXnrq1sZ7sE6GtJ85q3tZY/bI9Tknp2frsj6P67I+jahjkpcFtw3RnmzCF1/B0dMkAAFRI17XnKioqSr1791b//v112223af369YqMjNT69et111136eTJk2VR6w3DnisAlV2u2aLfDiTqp62xWrYnQdkF18+SpI71/DWobZj6t6ql6p5uDqwSAADHK/PDAletWqXBgwcrLS1NI0eO1GeffSZJeuGFF7Rv3z79+OOP11d5OUG4AlCVnMvK1eJd8Zq3LVZrDyer8L+Cq7NJvZvU1OC2YerdtKY8XJ0dWygAAA5wQ4ZiN5vNSktLk7+/v7Xt2LFj8vT0VM2aNa9nkeUG4QpAVRWfmqX522P109Y47T2VZm338XBR3xYhuqNNqLo0YCAMAEDVUebh6vz58zIMQ56e+cflx8TE6KefflKzZs0UHR19fVWXI4QrAJD2xadp3tY4/bwtVqdSs6ztgd5u6t+qlu5oE6p2dfwZCAMAUKmVebi67bbbNGTIED366KM6e/asmjZtKldXVyUlJemdd97RY489dt3FlweEKwC4wGIxtOFYiuZvj9Oinad0JjPXOi2sejUNjAzVHZGhalbLh6AFAKh0yjxcBQYGavXq1WrRooU+/fRTTZ8+XVu3btUPP/ygiRMnau/evdddfHlAuAKAkuWaLVpzMEnzt8dp6e54ZeSYrdMaBnnpjsgw3dEmVPUDvRxYJQAA9lPmQ7FnZmbKx8dHkrR06VINGTJETk5O6ty5s2JiYq5nkQCACsDV2Um9m9ZU76Y1lZVr1v/2ndb8bXH63/7TOpyYof8sP6D/LD+gVmF+uiMyVAMia6mWXzVHlw0AwA1xXeGqUaNGmjdvngYPHqwlS5boqaeekiSdPn2aPT0AUEV4uDrr9la1dHurWkrLytXS3Qmavz1OfxxK0s7YVO2MTdW/F+1Vx3o1dEdkqG5vVUs1vBjaHQBQeV3XYYHff/+9/vKXv8hsNuvmm2/WsmXLJElTp07Vb7/9pkWLFtm90BuJwwIB4Polp2dr4a54/bItThuOpVjbXZxMuikiUANbh+q2FsHy8XB1YJUAAFydGzIUe3x8vE6dOqXIyEg5OeUPybthwwb5+vqqadOm17PIcoNwBQD2EXf2vBbsiNP87XHaFXthaHd3Fyf1blJT0S2DdXOTYPl5ErQAAOXTDQlXhU6ePClJql27dmkWU64QrgDA/o4kpmv+9vygdSQxw9ru4mRS5wYBim4RrFubhyjEz8OBVQIAYKvMw5XFYtGrr76qt99+W+np6ZIkHx8fPf3003rxxRete7IqKsIVAJQdwzC051SaFu+K19LdCdqfcM5memR4dd3WPFjRLULUqKa3g6oEACBfmYerCRMm6P/+7/80ZcoUdevWTZK0Zs0aTZ48WY888oj+9a9/XV/l5QThCgBunGNJGVq6J15Ldidoy/Ezuvi/UoMgL0W3CNFtzYMVWbu6nJy4jhYA4MYq83AVGhqqmTNn6o477rBp//nnn/X3v/9dsbGx17rIcoVwBQCOcfpclpbvOa2le+L1x6Ek5Zov/IsK9nXXbc1DdFuLYHVuECBX54p9lAQAoGIo83Dl4eGhHTt2qHHjxjbt+/fvV5s2bXT+/PlrXWS5QrgCAMc7l5WrlfsTtXR3vFbtT1R6dp51mq+Hi25uWlPRLULUo3GQvNyv68oiAABcUZmHq6ioKEVFRem9996zaR83bpw2bNigP//881oXWa4QrgCgfMnOM2vt4WQt3R2vZXsSlJSeY53m7uKk7hGBuq15iPo0D+ZaWgAAuyrzcLV69Wr1799fderUUZcuXSRJ69at04kTJ7Rw4UJ17979+iovJwhXAFB+mS2Gth4/o6V7ErRkd7xikjOt05xMUsd6NRTdIkTRLUMUVr2aAysFAFQGN2Qo9ri4OL3//vvat2+fJKlZs2YaPXq0Xn31VX388cfXs8hyg3AFABWDYRg6kJCuJbvjtWR3vHbHpdlMbxXmp+gWF0YeNJkYEAMAcG1u6HWuLrZ9+3a1a9dOZrPZXot0CMIVAFRMJ1IyrXu0Nh5LsR15MNBLt7UIUXQLRh4EAFw9wlUpEa4AoOJLSs/W8oKg9cehZOWYLdZpIb4euq1gj1an+jUYeRAAcEmEq1IiXAFA5XIuK1er9idqye54rdx3Whk5F/5P+VVz1S3NCkYejAhSNTdnB1YKAChvriUbMHYtAKDS8/Fw1cDIUA2MDFVWrllrDydpya4ELduboJSMHP24JVY/bolVNVdn9WwcpOiWwbq5abD8qrk6unQAQAVyTXuuhgwZctnpZ8+e1erVq9lzBQCoEMwWQ5uOpWjx7ngt3Z2g2LMXrtPo4mRSl4YBGtg6VH1bhcjXg6AFAFVRmR0W+OCDD15Vv1mzZl3tIsslwhUAVD2GYWh3XJp15MEDCenWaW4uTurTrKYGtQlTryY15ebCOVoAUFU47JyryoJwBQA4kpiuRbvi9dPWWB06fSFo+VVzVf/WtTS4bZja1/Fn1EEAqOQIV6VEuAIAFCrco/Xztlj9vC1Op89lW6eFVa+mQW1DNahNmCKCfRxYJQCgrBCuSolwBQAoidliaN3hZM3bFqvFu+KVnp1nndYi1FeD24ZpYGSogn09HFglAMCeCFelRLgCAFxJVq5Zy/cmaN7WWK3an6g8S/6/U5NJ6tYwUHe2CVXfliHyYSAMAKjQCFelRLgCAFyLlIwc/brzlH7eGqtNMWes7e4uTrq1ebAGtQlTj8ZBDIQBABUQ4aqUCFcAgOt1IiVTP2+L1U9bY3U4McPa7u95YSCMdnX8ZTIxEAYAVASEq1IiXAEASsswDO2KTdO8bbGavz1OiRcNhFE3wFND2tbWkHZhCq/h6cAqAQBXQrgqJcIVAMCezBZDaw8n6aet+QNhZOaYrdM61a+hoe3CdHurWpyfBQDlEOGqlAhXAICykpmTpyW74/XD5lj9cThJhf+F3V2cFN0iREPahal7RJCcuX4WAJQLhKtSIlwBAG6EU6nn9dPWWP2w+aTN+Vk1fdw1qG2YhrarrSYhXD8LAByJcFVKhCsAwI1kGIZ2xqbqh80nNX97nM5k5lqntQj11ZB2tXVHZKiCfNwdWCUAVE2Eq1IiXAEAHCUnz6KV+0/rxy0n9b99p5Vrzv837exkUq/GQRrSrrZuaVZTHq7ODq4UAKoGwlUpEa4AAOXBmYwc/bIjTj9sidX2E2et7b4eLhoQGaqh7RjWHQDKGuGqlAhXAIDy5tDpc/pxS/71s06lZlnb6wV4aki72hravrbCqldzYIUAUDkRrkqJcAUAKK/MFkPrjyTrhy0nbYZ1N5mkbg0DdXeH2opuEcJhgwBgJ4SrUiJcAQAqgozsPC3aFa/vN5/Q+iMp1nYfDxcNjAzVXe1rq214dQ4bBIBSIFyVEuEKAFDRHE/O1A9bTur7zScVe/a8tb1RTW/d1b62hrQNU01fDwdWCAAVE+GqlAhXAICKylJw2ODczSe1aNcpZeVaJOWPNtizcZDubl9btzQLlpuLk4MrBYCKgXBVSoQrAEBlkJaVq193nNLcTSe05fhZa7u/p6vubBOmuzvUVotQP8cVCAAVAOGqlAhXAIDK5nBiur7ffFI/bjmphLRsa3vzWr66q31tDWobphpebg6sEADKJ8JVKRGuAACVVZ7Zot8PJen7TSe1bE+Ccsz5hw26Opt0S9Ng3d2htno2DpKLM4cNAoBEuCo1whUAoCo4k5Gj+dvj9P3mk9oZm2ptD/Jx152RoRrUNkwtQn0ZbRBAlXYt2aBcfC31/vvvq169evLw8FBUVJQ2bNhw2f5z585V06ZN5eHhoVatWmnhwoWX7Pvoo4/KZDJp2rRpdq4aAICKzd/LTSO71tMv427Soie66+Gb6ivAy02J57L16ZqjGjB9jfq8s1rTVxzU8eRMR5cLAOWew8PVnDlzNH78eE2aNElbtmxRZGSkoqOjdfr06RL7r127VsOHD9fDDz+srVu3atCgQRo0aJB27dpVrO9PP/2k9evXKzQ0tKxXAwCACq1ZLV+9PKC51k24RR/f3179W9WSu4uTDidm6O1lB9TjzZUa8sEf+u+6Y0pOz77yAgGgCnL4YYFRUVHq2LGjZsyYIUmyWCwKDw/XuHHj9PzzzxfrP2zYMGVkZGjBggXWts6dO6tNmzaaOXOmtS02NlZRUVFasmSJ+vfvryeffFJPPvnkVdXEYYEAAEjnsnK1eFe8ft4Wp7WHk2Qp+MTg7GRSj4hADWobplubB8vTzcWxhQJAGbqWbODQv4Y5OTnavHmzJkyYYG1zcnJSnz59tG7duhLnWbduncaPH2/TFh0drXnz5lkfWywW3X///Xr22WfVokWLK9aRnZ2t7OwL38KlpaVd45oAAFD5+Hi46u4O4bq7Q7hOp2Vp/vY4/bwtTjtjU7Vyf6JW7k9UNVdn3dYiWIPahOmmiEC5MhAGgCrMoeEqKSlJZrNZwcHBNu3BwcHat29fifPEx8eX2D8+Pt76+PXXX5eLi4sef/zxq6pj6tSpmjJlyjVWDwBA1VHT10N/7d5Af+3eQIcT0/Xz1ljN2xan4ymZ+nlbfugK8HJT/9a1dGebMLWrU52BMABUOZVuP/7mzZv17rvvasuWLVf9R33ChAk2e8PS0tIUHh5eViUCAFChNQzy1vjbmuipWxtr64mz+nlrrBbsOKXkjBz9d12M/rsuRnVqeOrONqG6s02YGtX0dnTJAHBDODRcBQYGytnZWQkJCTbtCQkJCgkJKXGekJCQy/b//fffdfr0adWpU8c63Ww26+mnn9a0adN07NixYst0d3eXu7t7KdcGAICqxWQyqV0df7Wr46+XBjTXmkNJ+nlrrJbuSdDxlExN/98hTf/fIbUM89WgNmG6rXmI6gR4OrpsACgz5WJAi06dOmn69OmS8s+XqlOnjsaOHXvJAS0yMzP1yy+/WNu6du2q1q1ba+bMmUpOTtapU6ds5omOjtb999+vBx98UE2aNLliTQxoAQDA9cvMydOyPQmatzVWvx1Mktly4aNG42Bv3dIsWH2a1VSbcH85O3HoIIDyrcIMaCFJ48eP18iRI9WhQwd16tRJ06ZNU0ZGhh588EFJ0gMPPKCwsDBNnTpVkvTEE0+oZ8+eevvtt9W/f399++232rRpkz7++GNJUkBAgAICAmyew9XVVSEhIVcVrAAAQOl4urnozjZhurNNmJLTs7Vw5ykt2HFKm2LO6EBCug4kpOvDVYcV4OWmXk1qqk+zmureOEje7g7/WAIApeLwv2LDhg1TYmKiJk6cqPj4eLVp00aLFy+2Dlpx/PhxOTldGHmoa9eumj17tl566SW98MILioiI0Lx589SyZUtHrQIAALiEAG933d+lnu7vUk9nM3O0+kCilu89rVX7Tys5I0c/bDmpH7aclJuzkzo3DFCfZjV1S7NghVWv5ujSAeCaOfywwPKIwwIBAChbuWaLNh5L0Yq9p7V8b4JikjNtpjcN8VGfZsG6pVlNRdauLicOHwTgINeSDQhXJSBcAQBw4xiGocOJ6Vq+97RW7E3Q5pgzuug0LQV6u+vmpkG6pVmwukcEctFiADcU4aqUCFcAADhOSkaOVu0/rRV7T2v1gUSlZ+dZp7m5OKlbwwDdUrBXq5Yfhw8CKFuEq1IiXAEAUD7k5Fn059Fk6+GDJ8+ct5keUdNbPRoHqXtEoKLqB6iam7ODKgVQWRGuSolwBQBA+WMYhg4kpGv53gSt2JugrSfO6uJPMW4uTupUr4a6RwSqR+MgNQ3xkcnEuVoASodwVUqEKwAAyr+zmTn641CyfjuQqN8OJupUapbN9CAf9/ygFRGkmyICFejt7qBKAVRkhKtSIlwBAFCxFA6K8duBJP12MFHrjyQrK9di06dFqK/1EMIOdWvIzcXpEksDgAsIV6VEuAIAoGLLzjNr07Ez+u1gon47kKS9p9Jspnu6OatzgwD1iAhU98ZBahDoxSGEAEpEuColwhUAAJXL6XNZWnMwSb8fTNLvBxOVlJ5jMz2sejX1aByomxoFqUvDANXwcnNQpQDKG8JVKRGuAACovCwWQ3vj0/TbgfygtenYGeWYbQ8hbF7LV90aBahro0B1qldDXu5cWwuoqghXpUS4AgCg6sjMydOfR1K0+kCi1h5O0oGEdJvprs4mtQmvrq4NA3VTRKAia1fnfC2gCiFclRLhCgCAquv0uSytO5ysPw4l6Y9DyYo9a3ttLU83Z3WqX0PdGgaqa6MANQvxlZMT52sBlRXhqpQIVwAAQMofhfB4Sqb+OJSsPw4nad3hZKVk2J6vVcPLTV0aBKhrowB1axiougGeDI4BVCKEq1IiXAEAgJJYLIb2xZ/T2sNJ+uNQkjYcTVFGjtmmT1j1auraMEDdGuXv2arp4+GgagHYA+GqlAhXAADgauSaLdp+4qx1z9bW42eUa7b9aNUwyEtRDQLUuUGAOtevoZq+hC2gIiFclRLhCgAAXI/MnDxtPHZGaw8l6Y/DSdodl6ain7TqB3qpc4MaiqofoKgGNVTLr5pjigVwVQhXpUS4AgAA9nA2M0cbj53R+iPJ+vNocolhq26Ap6Lq11DnBgGKahCgsOqELaA8IVyVEuEKAACUhdTzudp0LEV/Hk3R+iPJ2hWbKkuRT2K1/avlB62CwFXbvxoDZAAORLgqJcIVAAC4Ec5l5WrTsTNafzRZfx5J0c7YVJmLpK2w6tUUVb+Gohrkh606NRiNELiRCFelRLgCAACOkJ6dp80xZ/TnkWStP5KsHSdTlVckbIX4eqhT/RrWW6Mgb66zBZQhwlUpEa4AAEB5kJlTGLZS9OfRZG07cbbYaIT+nq7qUK+GogrCVvNavnJxdnJQxUDlQ7gqJcIVAAAoj87nmLX1+BltOJaijcdStDnmjLJyLTZ9vNyc1a6uvzrVyw9bkeHV5eHq7KCKgYqPcFVKhCsAAFAR5ORZtCsuVRuPpmjD0fzAlZaVZ9PHzdlJkeF+BYcRBqh9XX95u7s4qGKg4iFclRLhCgAAVEQWi6H9Cee0oSBsbTiWosRz2TZ9nExSi1A/dSzYs9Wxnr8CvN0dVDFQ/hGuSolwBQAAKgPDMHQsOVMbjiZrw9Ez2nAsWSdSzhfr1zDIS+3r+qtD3RpqV9dfDQK9GCQDKEC4KiXCFQAAqKxOpZ637tnaeCxFBxLSi/Wp7umqdnX81b6uv9rV8VdkuJ883TiUEFUT4aqUCFcAAKCqSMnI0ZaYM9p8/Iw2x5zR9hNnlZ1nO0iGs5NJzWv55oetuvmhK6x6NQdVDNxYhKtSIlwBAICqKifPor2n0rQ5Jj9sbYpJUUJadrF+tfw88oNWwR6u5qG+cmUIeFRChKtSIlwBAADkMwxDcalZ2hxzJn8PV8wZ7TmVJnORixt7uDqpde3qal8QuFrV9lNNH3eZTJy7hYqNcFVKhCsAAIBLy8zJ0/YTqdock3+trS3Hzyr1fG6xfn7VXNUk2EdNQnzUOMQn/36wj/w8XR1QNXB9CFelRLgCAAC4ehaLoSNJ6dZDCbccP6sjiemyXOJTZoivhxqH+KhpiI8aFwSuRjW9Vc2Nix2j/CFclRLhCgAAoHSycs06nJiu/fHntD/hnA7En9P++HOKS80qsb/JJNUL8FLjYO+CvV2+ahLirXoBXnLhXC44EOGqlAhXAAAAZSMtK1cHE85pf3y69senaX9Cfug6k1n8sEJJcnN2UoMgLzUNyQ9cTWvl7/EK8fXgfC7cEISrUiJcAQAA3DiGYSgxPVsH4tMLwlaa9iek62DCOWXmmEucx6+aq5qE+KjZRaGrSbCPvNy5Hhfsi3BVSoQrAAAAx7NYDMWePa998fmBa1/BoYVHkjKKjVZYqE4Nz2Khq16Al5yd2MuF60O4KiXCFQAAQPlVeD7XvlP553PtPZWm/fHndPpc8etxSZK7i1P+wBkFg2g0q+WrJiE+CvR2v8GVoyIiXJUS4QoAAKDiScnI0b74tPzQFX9O++LTdCAhXedzSz60MMDLTQ1reqtRTW81Cir4WdNbtfw4nwsXEK5KiXAFAABQOZgtho6nZGp/fJr2XhS6YlIydalPwZ5uzmp4UdhqGOSlRjW9VTfAS66MXFjlEK5KiXAFAABQuWXm5OnQ6XQdTkzXodMXbjHJmcq7xPlcLk4m1Q3wtAle+eHLm4E0KjHCVSkRrgAAAKqmXLNFMcmZNsGr8OelRi6UpFp+HmpU01sNAr1UJ8BL9QI8VTfAS+E1qsndhYsjV2SEq1IiXAEAAOBihmHoVGqWdQ/XxcErKT3nkvOZTFKoXzXVDfAsuOUHrzo1vFQ3wJM9XhUA4aqUCFcAAAC4Wmczc6yh61hypmKSMxRT8DPjMnu7JCnQ2926l6swgNUruF/d0+0GrQEuh3BVSoQrAAAAlJZhGEpKz9HxlAwdS8pUTIpt8DqTmXvZ+f2quapugKfq1CjY61XDS3UKHof4esiJa3fdEISrUiJcAQAAoKylns/V8eRMHUvO0PGUTB1LKgheKRlKSCv5ml2F3FycFO5fTXUDvFSnxkUBLMBTtf095eHKeV72ci3ZgIM8AQAAAAfwq+aqVrX91Kq2X7Fp53PM+YErOUPHCwJXTHKmTqRk6uSZ88rJs+hwYoYOJ2YUm9dkkkJ8PRRew1N1C0JXnQAv1S0IYdU9XbmOVxlhz1UJ2HMFAACA8irPbNGp1CzrXq7jKZn5ASw5U8dTMpWenXfZ+X09XFQv0Et1A7xUv3CQjcD8gTZqeLkRvIrgsMBSIlwBAACgIjIMQykZOfmBKyWz4Pyu/D1eV3O4oY+Hi+oVhC2CVz7CVSkRrgAAAFAZXXy4YUxyho4m5Q+ucSwpQ3GpWZed9+LgVa9gVMN6gfk/K3PwIlyVEuEKAAAAVU1Wbn7wOpp0HcHLPf9QQ9vgVTn2eBGuSolwBQAAAFxQGLyOJWXo2HXs8ap/0Tle1vO9Ar3kXwEG1yBclRLhCgAAALg6pQlehYNrWM/zCvQsCGFe8vcqHxdRJlyVEuEKAAAAKL2sXLNiCq7lVRi+jiXlPz51heBVN8BTq5/tfYMqvTSucwUAAADA4TxcndUkxEdNQnyKTSscXONoQejKP88rP3zFp2Wpumf52HN1LQhXAAAAAG64am6XD15nz+c4oKrSIVwBAAAAKFequTmrmls1R5dxzZwcXQAAAAAAVAaEKwAAAACwA8IVAAAAANgB4QoAAAAA7IBwBQAAAAB2QLgCAAAAADsgXAEAAACAHRCuAAAAAMAOCFcAAAAAYAeEKwAAAACwA8IVAAAAANgB4QoAAAAA7IBwBQAAAAB2QLgCAAAAADsgXAEAAACAHRCuAAAAAMAOCFcAAAAAYAeEKwAAAACwA8IVAAAAANhBuQhX77//vurVqycPDw9FRUVpw4YNl+0/d+5cNW3aVB4eHmrVqpUWLlxonZabm6vnnntOrVq1kpeXl0JDQ/XAAw8oLi6urFcDAAAAQBXm8HA1Z84cjR8/XpMmTdKWLVsUGRmp6OhonT59usT+a9eu1fDhw/Xwww9r69atGjRokAYNGqRdu3ZJkjIzM7Vlyxa9/PLL2rJli3788Uft379fd9xxx41cLQAAAABVjMkwDMORBURFRaljx46aMWOGJMlisSg8PFzjxo3T888/X6z/sGHDlJGRoQULFljbOnfurDZt2mjmzJklPsfGjRvVqVMnxcTEqE6dOlesKS0tTX5+fkpNTZWvr+91rhkAAACAiu5asoFD91zl5ORo8+bN6tOnj7XNyclJffr00bp160qcZ926dTb9JSk6OvqS/SUpNTVVJpNJ1atXL3F6dna20tLSbG4AAAAAcC0cGq6SkpJkNpsVHBxs0x4cHKz4+PgS54mPj7+m/llZWXruuec0fPjwSybNqVOnys/Pz3oLDw+/jrUBAAAAUJU5/JyrspSbm6t77rlHhmHoww8/vGS/CRMmKDU11Xo7ceLEDawSAAAAQGXg4sgnDwwMlLOzsxISEmzaExISFBISUuI8ISEhV9W/MFjFxMTof//732WPj3R3d5e7u/t1rgUAAAAAOHjPlZubm9q3b68VK1ZY2ywWi1asWKEuXbqUOE+XLl1s+kvSsmXLbPoXBquDBw9q+fLlCggIKJsVAAAAAIACDt1zJUnjx4/XyJEj1aFDB3Xq1EnTpk1TRkaGHnzwQUnSAw88oLCwME2dOlWS9MQTT6hnz556++231b9/f3377bfatGmTPv74Y0n5wequu+7Sli1btGDBApnNZuv5WDVq1JCbm5tjVhQAAABApebwcDVs2DAlJiZq4sSJio+PV5s2bbR48WLroBXHjx+Xk9OFHWxdu3bV7Nmz9dJLL+mFF15QRESE5s2bp5YtW0qSYmNjNX/+fElSmzZtbJ5r5cqV6tWr1w1ZLwAAAABVi8Ovc1UecZ0rAAAAAFIFus4VAAAAAFQWhCsAAAAAsAPCFQAAAADYAeEKAAAAAOyAcAUAAAAAdkC4AgAAAAA7IFwBAAAAgB0QrgAAAADADghXAAAAAGAHhCsAAAAAsAPCFQAAAADYAeEKAAAAAOyAcAUAAAAAdkC4AgAAAAA7IFwBAAAAgB0QrgAAAADADghXAAAAAGAHhCsAAAAAsAPCFQAAAADYAeEKAAAAAOyAcAUAAAAAdkC4AgAAAAA7IFwBAAAAgB0QrgAAAADADghXAAAAAGAHhCsAAAAAsAPCFQAAAADYAeEKAAAAAOyAcAUAAAAAdkC4AgAAAAA7IFwBAAAAgB0QrgAAAADADghXAAAAAGAHhCsAAAAAsAPCFQAAAADYAeEKAAAAAOyAcAUAAAAAdkC4AgAAAAA7IFwBAAAAgB0QrgAAAADADghXAAAAAGAHhCsAAAAAsAPCFQAAAADYAeEKAAAAAOyAcAUAAAAAdkC4AgAAAAA7IFwBAAAAgB0QrgAAAADADghXAAAAAGAHhCsAAAAAsAPCFQAAAADYAeEKAAAAAOyAcAUAAAAAdkC4AgAAAAA7IFwBAAAAgB0Qrsq79NNSdrqjqwAAAABwBYSr8m7py9J/Wkgrp0qZKY6uBgAAAMAlEK7Ks7wcKW6rlHVWWv2a9J+W0pIXpbRTjq4MAAAAQBGEq/LMxU36+zrprllScCspN0NaN0N6t7X0y5NSylFHVwgAAACggMkwDMPRRZQ3aWlp8vPzU2pqqnx9fR1dTj7DkA4tl357SzqxPr/N5CS1vEu66SkpuLlj6wMAAAAqoWvJBoSrEpTLcHWxmLXS72/nh61CTW6Xuj8t1e7guLoAAACASoZwVUrlPlwVitsmrfmPtOdnSQWbsX6P/JBVv6dkMjmyOgAAAKDCI1yVUoUJV4WSDkprpkk7vpUsefltYe2lm8bn79Fy4tQ6AAAA4HoQrkqpwoWrQmdPSGunS1u+kPKy8tuCmuaHrJZDJWcXx9YHAAAAVDCEq1KqsOGqUHqitP4DaeOnUnZaflv1ulK3J6Q2IyRXD8fWBwAAAFQQhKtSqvDhqlBWan7AWveBlJmU3+YdLHUZI7UfJXn4ObQ8AAAAoLwjXJVSpQlXhXIypa1fSn+8J6WdzG8zOUlBzaSwtvnnZ4W2k4JbSM6ujq0VAAAAKEcIV6VU6cJVobwcaed3+SEraX/x6c7uUq3W+UErrF1+6KrRkAExAAAAUGURrkqp0oari6WdkuK2SLGbpdgt+fezUov3c/eTQtvkh63QgsDlG8ow7wAAAKgSCFelVCXCVVGGIaUcyQ9asZvzw9ap7RdGHbyYd/CFQwnD2ub/9Kxx42sGAAAAyhjhqpSqZLgqiTlXOr33oj1cW6XTeyTDXLyvf33JK0hycc8/b8vZXXJxu+inWwlt7vnt1rbCxwXLcPXMX6ZPiOTmdePXHwAAAFUe4aqUCFeXkZMpxe+w3cOVcqTsn9fNJz9k+YTk7zmz3g+xbXf3se8hi3k5UtZZ6fzZS/80LPnXEHN2k5xcC8Klq+39otOc3SQnlyL33S489g6W3Dzttx4AAAC4LteSDbiqLK6Nm6dUp3P+rVBmihS/M/+aWuac/EBizr7ws6S2vOz8PWOXa8vNkNJPS7mZUs45KfmclHzw8vW5el4UuoIln1oXwph3cP4esMsFJZufZ/Kf21Gq1ZD8wiTf2gU/wyS/8Av3fUMZ3REAAKAcKRd7rt5//329+eabio+PV2RkpKZPn65OnTpdsv/cuXP18ssv69ixY4qIiNDrr7+u22+/3TrdMAxNmjRJn3zyic6ePatu3brpww8/VERExFXVw56rcsQwpOxzUnqCdO6UdC5BSo+XzhXc0hMu3M85V3Z1uPtJ1fwkj+pSteq2P51c8gOkJa8gHBbezyl4nCtZcovcz5HMBX0subb3c7OkvPNXUZQpPzD6hUl+tYuEsNr5P72DGe0RAACgFCrUnqs5c+Zo/PjxmjlzpqKiojRt2jRFR0dr//79qlmzZrH+a9eu1fDhwzV16lQNGDBAs2fP1qBBg7Rlyxa1bNlSkvTGG2/ovffe0xdffKH69evr5ZdfVnR0tPbs2SMPD48bvYooDZNJ8vDNvwVeIRznZFwUuuJLDmK5mSUHpGrVpWr+JU/z8JOcnMtwJYswjPyRG9NipdTY/GuTpZ4suB+bfz8tNj+MpResa+zmkpfl5Cr51pK8ahasQ8EhkybTZe7rKvqY8kOla7ULN5dqkqvHRfdLmuYpuRT8dPW40M/FgxB4KRZLfli35BaE9ovv50oWc5HHefk3mfKvZ2e9qchjpxL6mIr8vMTNyVkyOV/4aW1jFNEqz2IpOPogy/aohLzs/PsWS/6h1IY5/6fFfNFjo8jji6dbSuhvyf/dc/XKPyrBzVNy887/+3Lxfddq/G7aW16OlJOef8RKdnr+l6DZ5/K/5Cy8n52e39fJJf/vg5PLRbcij51dLj/d2uaa///Cxb3gf4d7/v8RZ4d/nAWsHL7nKioqSh07dtSMGTMkSRaLReHh4Ro3bpyef/75Yv2HDRumjIwMLViwwNrWuXNntWnTRjNnzpRhGAoNDdXTTz+tZ555RpKUmpqq4OBgff7557r33nuvWBN7rlDuWSxSZtKFoFVSCDt3Kv/DR0Xh7J7/D1S66IOQyfb+RT9KnlZ0PlORQFD0vvOFUGC971QkMJQwf7EPepb8D4YXfwi8+APgpaZbLvoAWSxAFTyuSNtQpiLBq/A1vvi1LvKaF31tbcJd0faLQlyx0OdcZN7LhcMrTC+6DF0UOgt/t6ztusJ0U8nTi710RdtM1zZdhcHEyP+9KxZSLhFoLjWPxXzRYdqF4SinIDRdFJbyCtoKp1nyru9Xp0yZ8sOXq2dBCCtyv+hjZ9cr/w5dze/ZxX2uxjV9HDMK+hsX5iv6uFifK/w05xQEpbSCoHRRaCp6M2dfQ603gJNLQegquLl6XPpx0WnObgV/Zy9+PSyXuF/kNbt4vqLLuBrXss0L//45uVz4u2q9X9hetE+Rv7sXt1/8v6ykLy6sfzeKthX5wuPiNut6X/y3r6T/yyV8YVv4t9SmzSR5BkjtHrj616mMVJg9Vzk5Odq8ebMmTJhgbXNyclKfPn20bt26EudZt26dxo8fb9MWHR2tefPmSZKOHj2q+Ph49enTxzrdz89PUVFRWrduXYnhKjs7W9nZF/5QpKWllWa1gLLn5CR518y/hbUruY85Lz9gpcVKGUkXfUgv8o+4xPsqcr/IP2wp/x9x4SGMuQW3vKz8vYO5BT/zsi4x7Xz+fOaci+rNLn//sMsrU8E/VSfXi77xdbX9Blgq8g+w6OOLbhd/gLCZdvHjEkYJLcYo+HCdJ11Nd1RypoIPsBeNDutUNFAXPi4SkosF7pLmcc7/UJebkX/kQk5m/s/cgvvWw6uN/KCQky5lOPQFqXxcquUPJOXuXfDTN3+PYWGbTAVfFBV+gXTxrWhbSY9zbR+bcwvCfZbt/wtL3oVtjMolsHG5CFfXwqHhKikpSWazWcHBwTbtwcHB2rdvX4nzxMfHl9g/Pj7eOr2w7VJ9ipo6daqmTJlyXesAlFvOLlL18PxbeWUx2wYv6zeEkm2gK2y6TNgraVrRvUglHpJ0qW/2L/ONf9EPeUW/xb6WPTEXf9NYOMqkk3PB/UsEKEcdQmk9bMtc5DUq8rqV9PrZTLvMN6DWb0iNy/S5xLemhYeWXXJP4qWC4+X6mHXpb7CLftt9mW+1i85f9HW1bbjC9BK2S+HvWLG9siUcznm5PbkXPy68NIaL+4XLZRS773YhQLl4XLjUhotHwbfkDjwcz2IuGBApM/9D99XeN+de4XfEfIXpRX7HLOYrvA6XmXal+UwlfNN/pb0Fl+rr7FYQiorc3LzzQ5NNiPLJH8XXkYfjWSwFe1IvuhV+4ZeXXfC/JbvI44v7FdzMubrkXmeb+0VfN6dL3C+c72pdzXvk4r+H5gth07BcdL+w3VKkT8Hf3WLzFvzdsPk7UeQw72J/L4p+GVJkHplU7G+itf4ie0ulK7QVzOdt+3m+IuAgVUkTJkyw2RuWlpam8PBy/IEUqCycnAv+WXs7uhJcDZOp4MMU/zpQATg5XwgCqngf0HAFTk4F59Zx2RKULw76+jNfYGCgnJ2dlZCQYNOekJCgkJCQEucJCQm5bP/Cn9eyTHd3d/n6+trcAAAAAOBaODRcubm5qX379lqxYoW1zWKxaMWKFerSpUuJ83Tp0sWmvyQtW7bM2r9+/foKCQmx6ZOWlqY///zzkssEAAAAgNJy+LEd48eP18iRI9WhQwd16tRJ06ZNU0ZGhh588EFJ0gMPPKCwsDBNnTpVkvTEE0+oZ8+eevvtt9W/f399++232rRpkz7++GNJkslk0pNPPqlXX31VERER1qHYQ0NDNWjQIEetJgAAAIBKzuHhatiwYUpMTNTEiRMVHx+vNm3aaPHixdYBKY4fPy6ni07e7tq1q2bPnq2XXnpJL7zwgiIiIjRv3jzrNa4k6R//+IcyMjI0evRonT17VjfddJMWL17MNa4AAAAAlBmHX+eqPOI6VwAAAACka8sGDj3nCgAAAAAqC8IVAAAAANgB4QoAAAAA7IBwBQAAAAB2QLgCAAAAADsgXAEAAACAHRCuAAAAAMAOCFcAAAAAYAeEKwAAAACwA8IVAAAAANgB4QoAAAAA7IBwBQAAAAB2QLgCAAAAADtwcXQB5ZFhGJKktLQ0B1cCAAAAwJEKM0FhRrgcwlUJzp07J0kKDw93cCUAAAAAyoNz587Jz8/vsn1MxtVEsCrGYrEoLi5OPj4+MplM1zRvWlqawsPDdeLECfn6+pZRhbgebJvyje1TfrFtyje2T/nG9im/2DblW3naPoZh6Ny5cwoNDZWT0+XPqmLPVQmcnJxUu3btUi3D19fX4b8IKBnbpnxj+5RfbJvyje1TvrF9yi+2TflWXrbPlfZYFWJACwAAAACwA8IVAAAAANgB4crO3N3dNWnSJLm7uzu6FBTBtinf2D7lF9umfGP7lG9sn/KLbVO+VdTtw4AWAAAAAGAH7LkCAAAAADsgXAEAAACAHRCuAAAAAMAOCFcAAAAAYAeEKzt6//33Va9ePXl4eCgqKkobNmxwdEmQNHnyZJlMJptb06ZNHV1WlfXbb79p4MCBCg0Nlclk0rx582ymG4ahiRMnqlatWqpWrZr69OmjgwcPOqbYKuZK22bUqFHF3kt9+/Z1TLFVzNSpU9WxY0f5+PioZs2aGjRokPbv32/TJysrS2PGjFFAQIC8vb01dOhQJSQkOKjiquVqtk+vXr2KvX8effRRB1VctXz44Ydq3bq19WK0Xbp00aJFi6zTee84zpW2TUV83xCu7GTOnDkaP368Jk2apC1btigyMlLR0dE6ffq0o0uDpBYtWujUqVPW25o1axxdUpWVkZGhyMhIvf/++yVOf+ONN/Tee+9p5syZ+vPPP+Xl5aXo6GhlZWXd4EqrnittG0nq27evzXvpm2++uYEVVl2rV6/WmDFjtH79ei1btky5ubm67bbblJGRYe3z1FNP6ZdfftHcuXO1evVqxcXFaciQIQ6suuq4mu0jSY888ojN++eNN95wUMVVS+3atfXaa69p8+bN2rRpk26++Wbdeeed2r17tyTeO450pW0jVcD3jQG76NSpkzFmzBjrY7PZbISGhhpTp051YFUwDMOYNGmSERkZ6egyUAJJxk8//WR9bLFYjJCQEOPNN9+0tp09e9Zwd3c3vvnmGwdUWHUV3TaGYRgjR4407rzzTofUA1unT582JBmrV682DCP/feLq6mrMnTvX2mfv3r2GJGPdunWOKrPKKrp9DMMwevbsaTzxxBOOKwo2/P39jU8//ZT3TjlUuG0Mo2K+b9hzZQc5OTnavHmz+vTpY21zcnJSnz59tG7dOgdWhkIHDx5UaGioGjRooBEjRuj48eOOLgklOHr0qOLj423eS35+foqKiuK9VE6sWrVKNWvWVJMmTfTYY48pOTnZ0SVVSampqZKkGjVqSJI2b96s3Nxcm/dO06ZNVadOHd47DlB0+xT6+uuvFRgYqJYtW2rChAnKzMx0RHlVmtls1rfffquMjAx16dKF9045UnTbFKpo7xsXRxdQGSQlJclsNis4ONimPTg4WPv27XNQVSgUFRWlzz//XE2aNNGpU6c0ZcoUde/eXbt27ZKPj4+jy8NF4uPjJanE91LhNDhO3759NWTIENWvX1+HDx/WCy+8oH79+mndunVydnZ2dHlVhsVi0ZNPPqlu3bqpZcuWkvLfO25ubqpevbpNX947N15J20eS/vKXv6hu3boKDQ3Vjh079Nxzz2n//v368ccfHVht1bFz50516dJFWVlZ8vb21k8//aTmzZtr27ZtvHcc7FLbRqqY7xvCFSq9fv36We+3bt1aUVFRqlu3rr777js9/PDDDqwMqFjuvfde6/1WrVqpdevWatiwoVatWqVbbrnFgZVVLWPGjNGuXbs4d7ScutT2GT16tPV+q1atVKtWLd1yyy06fPiwGjZseKPLrHKaNGmibdu2KTU1Vd9//71Gjhyp1atXO7os6NLbpnnz5hXyfcNhgXYQGBgoZ2fnYiPLJCQkKCQkxEFV4VKqV6+uxo0b69ChQ44uBUUUvl94L1UMDRo0UGBgIO+lG2js2LFasGCBVq5cqdq1a1vbQ0JClJOTo7Nnz9r0571zY11q+5QkKipKknj/3CBubm5q1KiR2rdvr6lTpyoyMlLvvvsu751y4FLbpiQV4X1DuLIDNzc3tW/fXitWrLC2WSwWrVixwuaYUZQP6enpOnz4sGrVquXoUlBE/fr1FRISYvNeSktL059//sl7qRw6efKkkpOTeS/dAIZhaOzYsfrpp5/0v//9T/Xr17eZ3r59e7m6utq8d/bv36/jx4/z3rkBrrR9SrJt2zZJ4v3jIBaLRdnZ2bx3yqHCbVOSivC+4bBAOxk/frxGjhypDh06qFOnTpo2bZoyMjL04IMPOrq0Ku+ZZ57RwIEDVbduXcXFxWnSpElydnbW8OHDHV1alZSenm7zjdPRo0e1bds21ahRQ3Xq1NGTTz6pV199VREREapfv75efvllhYaGatCgQY4ruoq43LapUaOGpkyZoqFDhyokJESHDx/WP/7xDzVq1EjR0dEOrLpqGDNmjGbPnq2ff/5ZPj4+1nNB/Pz8VK1aNfn5+enhhx/W+PHjVaNGDfn6+mrcuHHq0qWLOnfu7ODqK78rbZ/Dhw9r9uzZuv322xUQEKAdO3boqaeeUo8ePdS6dWsHV1/5TZgwQf369VOdOnV07tw5zZ49W6tWrdKSJUt47zjY5bZNhX3fOHq4wspk+vTpRp06dQw3NzejU6dOxvr16x1dEgzDGDZsmFGrVi3Dzc3NCAsLM4YNG2YcOnTI0WVVWStXrjQkFbuNHDnSMIz84dhffvllIzg42HB3dzduueUWY//+/Y4tuoq43LbJzMw0brvtNiMoKMhwdXU16tatazzyyCNGfHy8o8uuEkraLpKMWbNmWfucP3/e+Pvf/274+/sbnp6exuDBg41Tp045rugq5Erb5/jx40aPHj2MGjVqGO7u7kajRo2MZ5991khNTXVs4VXEQw89ZNStW9dwc3MzgoKCjFtuucVYunSpdTrvHce53LapqO8bk2EYxo0McwAAAABQGXHOFQAAAADYAeEKAAAAAOyAcAUAAAAAdkC4AgAAAAA7IFwBAAAAgB0QrgAAAADADghXAAAAAGAHhCsAAAAAsAPCFQAAdmYymTRv3jxHlwEAuMEIVwCASmXUqFEymUzFbn379nV0aQCASs7F0QUAAGBvffv21axZs2za3N3dHVQNAKCqYM8VAKDScXd3V0hIiM3N399fUv4hex9++KH69eunatWqqUGDBvr+++9t5t+5c6duvvlmVatWTQEBARo9erTS09Nt+nz22Wdq0aKF3N3dVatWLY0dO9ZmelJSkgYPHixPT09FRERo/vz5ZbvSAACHI1wBAKqcl19+WUOHDtX27ds1YsQI3Xvvvdq7d68kKSMjQ9HR0fL399fGjRs1d+5cLV++3CY8ffjhhxozZoxGjx6tnTt3av78+WrUqJHNc0yZMkX33HOPduzYodtvv10jRoxQSkrKDV1PAMCNZTIMw3B0EQAA2MuoUaP01VdfycPDw6b9hRde0AsvvCCTyaRHH31UH374oXVa586d1a5dO33wwQf65JNP9Nxzz/1/O/fr0loYx3H8fUSDO2oYwzFWbGMGLRqGFjEZBoJrYwybCMNiFBxo1r9gcUww2PwRjAMxaVKzMESjCFqGQRgML5fL5ejdne9Xes7zHA7fJ354nu/h/v6eMAwBOD4+Jp/P02q1SCaTpNNpVldX2d3d/WUNQRCwtbXFzs4O8BHYRkZGODk5sfdLkvqYPVeSpL6zsLDQFZ4A4vF4Z5zL5brWcrkcV1dXANzc3DA9Pd0JVgBzc3O0223u7u4IgoBWq8Xi4uJva5iamuqMwzBkbGyMx8fHv92SJOk/YLiSJPWdMAw/XdOLyvDw8B+9NzQ01PUcBAHtdvsrSpIk9Qh7riRJP87FxcWn52w2C0A2m+X6+pqXl5fOerPZZGBggEwmw+joKBMTE5yfn39rzZKk3ufJlSSp77y9vfHw8NA1Nzg4SCKRAODw8JCZmRnm5+ep1+tcXl5Sq9UAKBaLbG9vUy6XqVarPD09UalUKJVKJJNJAKrVKmtra4yPj7O0tMTz8zPNZpNKpfK9G5Uk9RTDlSSp75yenpJKpbrmMpkMt7e3wMef/A4ODlhfXyeVStFoNJicnAQgFotxdnbGxsYGs7OzxGIxVlZW2Nvb63yrXC7z+vrK/v4+m5ubJBIJCoXC921QktST/FugJOlHCYKAo6MjlpeX/3UpkqQ+Y8+VJEmSJEXAcCVJkiRJEbDnSpL0o3gbXpL0VTy5kiRJkqQIGK4kSZIkKQKGK0mSJEmKgOFKkiRJkiJguJIkSZKkCBiuJEmSJCkChitJkiRJioDhSpIkSZIi8A71Dc9F/tIVhQAAAABJRU5ErkJggg==", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA1cAAAIjCAYAAADvBuGTAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjYuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8o6BhiAAAACXBIWXMAAA9hAAAPYQGoP6dpAABaiklEQVR4nO3deVhV1eL/8c8BBEQEZ1AjcSBHBEUkNUWLQjMLszKvKZrlzZyI9DqPDWgOUWIO3ZtWapqlZuYQctXK9KuJmKWZlaFpgKZCooJy9u8Pf57bCVTAjQf1/Xqe/TycddZee63Dzs6HtffaFsMwDAEAAAAArouTozsAAAAAALcCwhUAAAAAmIBwBQAAAAAmIFwBAAAAgAkIVwAAAABgAsIVAAAAAJiAcAUAAAAAJiBcAQAAAIAJCFcAAAAAYALCFYBbVp8+feTv71+sfSdOnCiLxWJuh0qZX3/9VRaLRQsXLrzhx7ZYLJo4caLt9cKFC2WxWPTrr79ec19/f3/16dPH1P5cz7lyO/nwww9VqVIlnTlzpsj7FuV3XBL+fs7dzEaOHKmwsDBHdwNAAQhXAG44i8VSqG3z5s2O7uptb8iQIbJYLPrpp5+uWGfMmDGyWCz69ttvb2DPiu7YsWOaOHGiUlJSHN0Vm8sBd/r06Y7uyjXl5eVpwoQJGjx4sDw9PW3lubm5euONN9SsWTN5eXmpQoUKaty4sfr3768ffvjBgT02x+Xf0eXNyclJlSpVUqdOnbRt27Z89S//YcbHx0dnz57N976/v78eeughu7LLbc+YMSNf/cuh9JtvvrGVxcTEaM+ePVq9erUJIwRgJsIVgBvu/ffft9vuv//+AssbNmx4Xcd5++23deDAgWLtO3bsWJ07d+66jn8r6NmzpyRpyZIlV6zzwQcfKDAwUE2bNi32cXr16qVz586pVq1axW7jWo4dO6ZJkyYVGK6u51y5XXz66ac6cOCA+vfvb1ferVs3vfjii2rSpImmTJmiSZMmqV27dlq3bp22b99uq3cjfsclqUePHnr//fe1YMECDRgwQNu3b1eHDh20d+/eAutnZGRozpw5RTrGtGnTCgxkf+fr66tHHnnkpgjlwO3GxdEdAHD7eeqpp+xeb9++XYmJifnK/+7s2bPy8PAo9HHKlClTrP5JkouLi1xc+CcyLCxM9erV0wcffKDx48fne3/btm06dOiQpkyZcl3HcXZ2lrOz83W1cT2u51y5XSxYsEBt2rRRzZo1bWU7d+7UmjVr9Morr2j06NF29RMSEnT69Gnba0f/jq9X8+bN7f6Natu2rTp16qQ5c+borbfeylc/ODhY06ZN0/PPP6+yZctes/3g4GClpKRo7ty5io2NvWb9J554Qo8//rh++eUX1alTp2iDAVBimLkCUCq1b99eTZo00a5du9SuXTt5eHjYvrx98skn6ty5s2rUqCE3NzfVrVtXL730kvLy8uza+Pt9NH+9BGv+/PmqW7eu3NzcFBoaqp07d9rtW9A9VxaLRYMGDdKqVavUpEkTubm5qXHjxlq/fn2+/m/evFktWrSQu7u76tatq3nz5hX6Pq4vv/xSjz/+uO688065ubnJz89PL7zwQr6ZtD59+sjT01NHjx5VVFSUPD09VbVqVQ0bNizfZ3H69Gn16dNH3t7eqlChgqKjo+2++F5Nz5499cMPPyg5OTnfe0uWLJHFYlGPHj2Um5ur8ePHKyQkRN7e3ipXrpzatm2rTZs2XfMYBd2PYxiGXn75Zd1xxx3y8PBQhw4d9P333+fb9+TJkxo2bJgCAwPl6ekpLy8vderUSXv27LHV2bx5s0JDQyVJffv2tV2Gdfl+s4LuucrOztaLL74oPz8/ubm5qX79+po+fboMw7CrV5TzorgyMjLUr18/+fj4yN3dXUFBQXr33Xfz1Vu6dKlCQkJUvnx5eXl5KTAwUG+88Ybt/QsXLmjSpEkKCAiQu7u7KleurHvuuUeJiYlXPf758+e1fv16RURE2JX//PPPkqQ2bdrk28fZ2VmVK1e2vS7od3z5ErnL/72ULVtWgYGBtkuCV6xYocDAQLm7uyskJES7d++2O8bl/wZ++eUXRUZGqly5cqpRo4YmT56c7/dUkKNHj+rpp5+Wj4+P7ff2zjvvXHM/6VK4+utn8Hfjx49Xenp6oWev2rRpo3vvvVevvfZaoWbNL/8uPvnkk0K1D+DGIFwBKLX++OMPderUScHBwYqPj1eHDh0kXfqS5unpqdjYWL3xxhsKCQnR+PHjNXLkyEK1u2TJEk2bNk3//Oc/9fLLL+vXX3/Vo48+qgsXLlxz36+++krPP/+8nnzySb322ms6f/68unXrpj/++MNWZ/fu3erYsaP++OMPTZo0Sf369dPkyZO1atWqQvVv+fLlOnv2rAYMGKBZs2YpMjJSs2bNUu/evfPVzcvLU2RkpCpXrqzp06crPDxcM2bM0Pz58211DMPQI488ovfff19PPfWUXn75Zf3222+Kjo4uVH+udGlgXl6ePvzwQ7Vt21Z33nmnsrKy9O9//1vt27fX1KlTNXHiRB0/flyRkZHFus9p/PjxGjdunIKCgjRt2jTVqVNHDzzwgLKzs+3q/fLLL1q1apUeeughzZw5U8OHD9fevXsVHh6uY8eOSZIaNmyoyZMnS5L69+9vu/S0Xbt2BR7bMAw9/PDDev3119WxY0fNnDlT9evX1/DhwwucVSjMeVFc586dU/v27fX++++rZ8+emjZtmry9vdWnTx+74JSYmKgePXqoYsWKmjp1qqZMmaL27dtr69attjoTJ07UpEmT1KFDByUkJGjMmDG68847CwzOf7Vr1y7l5uaqefPmduWXL/FbvHixLl68WKzx/fTTT/rHP/6hLl26KC4uTqdOnVKXLl20ePFivfDCC3rqqac0adIk/fzzz3riiSdktVrt9s/Ly1PHjh3l4+Oj1157TSEhIZowYYImTJhw1eOmp6fr7rvv1saNGzVo0CC98cYbqlevnvr166f4+Phr9vtySKxYsWKB77dt27ZIYUm69PspbCDz9vZW3bp17X6/AEoBAwAcbODAgcbf/zkKDw83JBlz587NV//s2bP5yv75z38aHh4exvnz521l0dHRRq1atWyvDx06ZEgyKleubJw8edJW/sknnxiSjE8//dRWNmHChHx9kmS4uroaP/30k61sz549hiRj1qxZtrIuXboYHh4extGjR21lBw8eNFxcXPK1WZCCxhcXF2dYLBYjNTXVbnySjMmTJ9vVbdasmRESEmJ7vWrVKkOS8dprr9nKLl68aLRt29aQZCxYsOCafQoNDTXuuOMOIy8vz1a2fv16Q5Ixb948W5s5OTl2+506dcrw8fExnn76abtyScaECRNsrxcsWGBIMg4dOmQYhmFkZGQYrq6uRufOnQ2r1WqrN3r0aEOSER0dbSs7f/68Xb8M49Lv2s3Nze6z2blz5xXH+/dz5fJn9vLLL9vVe+yxxwyLxWJ3DhT2vCjI5XNy2rRpV6wTHx9vSDIWLVpkK8vNzTVatWpleHp6GllZWYZhGMbQoUMNLy8v4+LFi1dsKygoyOjcufNV+1SQf//734YkY+/evXblVqvV9t+qj4+P0aNHD2P27Nl25+llf/8dG4Zh1KpVy5BkfP3117ayDRs2GJKMsmXL2rUzb948Q5KxadMmW9nl/wYGDx5s16fOnTsbrq6uxvHjx23lfz/n+vXrZ1SvXt04ceKEXT+ffPJJw9vb2/bf4eXf0aRJk4zjx48baWlpxpdffmmEhoYakozly5fb7X/5347jx48bW7ZsMSQZM2fOtBvz338HkoyBAwcahmEYHTp0MHx9fW3Hv/y57dy5M99n+sADDxgNGzbMVw7AcZi5AlBqubm5qW/fvvnK/3r/wp9//qkTJ06obdu2Onv2bKFWJ+vevbvdX5svX97zyy+/XHPfiIgI1a1b1/a6adOm8vLysu2bl5enjRs3KioqSjVq1LDVq1evnjp16nTN9iX78WVnZ+vEiRNq3bq1DMPId1mUJD333HN2r9u2bWs3lrVr18rFxUUDBgywlTk7O2vw4MGF6o906T653377TV988YWtbMmSJXJ1ddXjjz9ua9PV1VWSZLVadfLkSV28eFEtWrS45szI323cuFG5ubkaPHiw3aWUMTEx+eq6ubnJyenS/87y8vL0xx9/yNPTU/Xr1y/ycS9bu3atnJ2dNWTIELvyF198UYZhaN26dXbl1zovrsfatWvl6+urHj162MrKlCmjIUOG6MyZM9qyZYskqUKFCsrOzr7qJX4VKlTQ999/r4MHDxapD5dn4P4+S2OxWLRhwwa9/PLLqlixoj744AMNHDhQtWrVUvfu3Qt16WmjRo3UqlUr2+vLS4zfe++9uvPOO/OVF/SZDho0yK5PgwYNUm5urjZu3FjgMQ3D0Mcff6wuXbrIMAydOHHCtkVGRiozMzPfuTNhwgRVrVpVvr6+atu2rfbv368ZM2boscceu+LY2rVrpw4dOhR59iotLU1z5869Zt2KFSvqxIkThWoXwI1BuAJQatWsWdP2Zf2vvv/+e3Xt2lXe3t7y8vJS1apVbTeaZ2ZmXrPdv35hk/73hfHUqVNF3vfy/pf3zcjI0Llz51SvXr189QoqK8jhw4fVp08fVapUyXYfVXh4uKT843N3d1fVqlWv2B9JSk1NVfXq1e2Wz5ak+vXrF6o/kvTkk0/K2dnZdmng+fPntXLlSnXq1MnuC/e7776rpk2b2u7nqVq1qj777LNC/V7+KjU1VZIUEBBgV161atV8X/CtVqtef/11BQQEyM3NTVWqVFHVqlX17bffFvm4fz1+jRo1VL58ebvyyytYXu7fZdc6L65HamqqAgICbAHySn15/vnnddddd6lTp06644479PTTT+e772vy5Mk6ffq07rrrLgUGBmr48OFFWkLfKOA+Jjc3N40ZM0b79+/XsWPH9MEHH+juu+/Whx9+aBd6ruTvn523t7ckyc/Pr8Dyv3+mTk5O+RZ0uOuuuyTpis/UOn78uE6fPq358+eratWqdtvlP+hkZGTY7dO/f38lJibq008/td0D+fd7GwtSlLAkFS2QGYZxyz+PD7jZEK4AlFoFrbB1+vRphYeHa8+ePZo8ebI+/fRTJSYmaurUqZKU736MglxpxbKCvjiauW9h5OXl6f7779dnn32mESNGaNWqVUpMTLQtvPD38d2o1deqVaum+++/Xx9//LEuXLigTz/9VH/++aftfixJWrRokfr06aO6devqP//5j9avX6/ExETde++9hfq9FNerr76q2NhYtWvXTosWLdKGDRuUmJioxo0bl+hx/6qkz4vCqFatmlJSUrR69Wo9/PDD2rRpkzp16mR3b127du30888/65133lGTJk3073//W82bN9e///3vq7Z9eWGKa4XF6tWr68knn9QXX3yhgIAAffjhh9e8F+tKn11JfqaXz4unnnpKiYmJBW5/X6QjICBAERERtnv7XnjhBY0cOdLu+VMFadeundq3b1+k2asJEyYoLS1N8+bNu2q9U6dOqUqVKoVqE8CNwTrDAG4qmzdv1h9//KEVK1bYLUZw6NAhB/bqf6pVqyZ3d/cCH7p7tQfxXrZ37179+OOPevfdd+0WsLjWam5XU6tWLSUlJenMmTN2s1dFfa5Tz549tX79eq1bt05LliyRl5eXunTpYnv/o48+Up06dbRixQq7v6Zfa2GBK/VZkg4ePGg3K3H8+PF8X/A/+ugjdejQQf/5z3/syk+fPm33xbMof+GvVauWNm7cqD///NNu9uryZac38llNtWrV0rfffiur1Wo3e1VQX1xdXdWlSxd16dJFVqtVzz//vObNm6dx48bZZk4rVaqkvn37qm/fvjpz5ozatWuniRMn6plnnrliHxo0aCDp0n9ngYGB1+xzmTJl1LRpUx08eFAnTpyQr69vscZeGFarVb/88otttkqSfvzxR0nKtwLkZVWrVlX58uWVl5eXbwXEwhozZozefvttjR079porQ06cOFHt27e/Zli6LDw83LYwTEGPQLjs0KFDCgoKKlK/AZQsZq4A3FQu/zX7r3+9zs3NLfA5M47g7OysiIgIrVq1yrZSnXQpWP39Pp0r7S/Zj88wDLtV4YrqwQcf1MWLF+1WIMvLy9OsWbOK1E5UVJQ8PDz01ltvad26dXr00Ufl7u5+1b7/3//9n7Zt21bkPkdERKhMmTKaNWuWXXsFreLm7OycbzZj+fLlOnr0qF1ZuXLlJKlQ9wE9+OCDysvLU0JCgl3566+/LovFUuj758zw4IMPKi0tTcuWLbOVXbx4UbNmzZKnp6ftktG/r0zo5ORke7BzTk5OgXU8PT1Vr1492/tXEhISIldX13yzNAcPHtThw4fz1T99+rS2bdumihUr5rtstST89fdkGIYSEhJUpkwZ3XfffQXWd3Z2Vrdu3fTxxx/ru+++y/f+8ePHr3nMChUq6J///Kc2bNhwzdUw/xqWzp8/f822pf9dTvjXlT//KjMzUz///LNat25dqPYA3BjMXAG4qbRu3VoVK1ZUdHS0hgwZIovFovfff/+GXn51LRMnTtTnn3+uNm3aaMCAAbYv6U2aNLnml7AGDRqobt26GjZsmI4ePSovLy99/PHH13XvTpcuXdSmTRuNHDlSv/76qxo1aqQVK1YU+X4kT09PRUVF2e67+uslgZL00EMPacWKFeratas6d+6sQ4cOae7cuWrUqJHOnDlTpGNdfl5XXFycHnroIT344IPavXu31q1bl+8yqIceekiTJ09W37591bp1a+3du1eLFy/Odx9O3bp1VaFCBc2dO1fly5dXuXLlFBYWptq1a+c7fpcuXdShQweNGTNGv/76q4KCgvT555/rk08+UUxMjN3iFWZISkoq8Et3VFSU+vfvr3nz5qlPnz7atWuX/P399dFHH2nr1q2Kj4+3zaw988wzOnnypO69917dcccdSk1N1axZsxQcHGy7P6tRo0Zq3769QkJCVKlSJX3zzTf66KOPrnlvlLu7ux544AFt3LjRtqS9JO3Zs0f/+Mc/1KlTJ7Vt21aVKlXS0aNH9e677+rYsWOKj48v8UtX3d3dtX79ekVHRyssLEzr1q3TZ599ptGjR1812E2ZMkWbNm1SWFiYnn32WTVq1EgnT55UcnKyNm7cqJMnT17z2EOHDlV8fLymTJmipUuXXrXuhAkTbI+TKIzw8HCFh4fbFiz5u40bN9oeswCg9CBcAbipVK5cWWvWrNGLL76osWPHqmLFinrqqad03333KTIy0tHdk3Tpr/zr1q3TsGHDNG7cOPn5+Wny5Mnav3//NVczLFOmjD799FMNGTJEcXFxcnd3V9euXTVo0KBiX/7j5OSk1atXKyYmRosWLZLFYtHDDz+sGTNmqFmzZkVqq2fPnlqyZImqV6+ue++91+69Pn362O4T2bBhgxo1aqRFixZp+fLltofCFsXLL78sd3d3zZ071/Yl+PPPP1fnzp3t6o0ePVrZ2dlasmSJli1bpubNm+uzzz7L99yzMmXK6N1339WoUaP03HPP6eLFi1qwYEGB4eryZzZ+/HgtW7ZMCxYskL+/v6ZNm6YXX3yxyGO5lvXr1xd4aZm/v7+aNGmizZs3a+TIkXr33XeVlZWl+vXra8GCBerTp4+t7lNPPaX58+frrbfe0unTp+Xr66vu3btr4sSJtssJhwwZotWrV+vzzz9XTk6OatWqpZdfflnDhw+/Zh+ffvppdevWTUeOHLEtNtGuXTu99NJLWrdunWbOnKnjx4+rfPnyatasmaZOnapu3bqZ8wFdhbOzs9avX68BAwZo+PDhKl++vCZMmHDVy+kkycfHRzt27NDkyZO1YsUKvfXWW6pcubIaN25su4fzWmrUqKF//OMfev/99/Xzzz9fNXS3b9/+qmGpIBMnTrxiIFu+fLnuuece04M+gOtjMUrTn3sB4BYWFRVVrGWwgdIgLy9PjRo10hNPPKGXXnrJ0d2RdCnQf/TRR0WeGb3ZpaWlqXbt2lq6dCkzV0Apwz1XAFAC/r4q2MGDB7V27Vq1b9/eMR0CrpOzs7MmT56s2bNn33ZhprSJj49XYGAgwQoohZi5AoASUL16dfXp00d16tRRamqq5syZo5ycHO3evTvfs5sAFM/tOnMFoPTinisAKAEdO3bUBx98oLS0NLm5ualVq1Z69dVXCVYAANzCmLkCAAAAABNwzxUAAAAAmIBwBQAAAAAm4J6rAlitVh07dkzly5eXxWJxdHcAAAAAOIhhGPrzzz9Vo0YN23MDr4RwVYBjx47ZHpAIAAAAAEeOHNEdd9xx1TqEqwKUL19e0qUP0MvLy8G9AQAAAOAoWVlZ8vPzs2WEq3F4uJo9e7amTZumtLQ0BQUFadasWWrZsmWBdb///nuNHz9eu3btUmpqql5//XXFxMTY1cnLy9PEiRO1aNEipaWlqUaNGurTp4/Gjh1b6Ev8Ltfz8vIiXAEAAAAoVJZw6IIWy5YtU2xsrCZMmKDk5GQFBQUpMjJSGRkZBdY/e/as6tSpoylTpsjX17fAOlOnTtWcOXOUkJCg/fv3a+rUqXrttdc0a9askhwKAAAAgNucQ59zFRYWptDQUCUkJEi6tJCEn5+fBg8erJEjR151X39/f8XExOSbuXrooYfk4+Oj//znP7aybt26qWzZslq0aFGh+pWVlSVvb29lZmYycwUAAADcxoqSDRw2c5Wbm6tdu3YpIiLif51xclJERIS2bdtW7HZbt26tpKQk/fjjj5KkPXv26KuvvlKnTp2uuE9OTo6ysrLsNgAAAAAoCofdc3XixAnl5eXJx8fHrtzHx0c//PBDsdsdOXKksrKy1KBBAzk7OysvL0+vvPKKevbsecV94uLiNGnSpGIfEwAAACUvLy9PFy5ccHQ3cItxdnaWi4uLKY9gcviCFmb78MMPtXjxYi1ZskSNGzdWSkqKYmJiVKNGDUVHRxe4z6hRoxQbG2t7fXlFEAAAAJQOZ86c0W+//SYH3tGCW5iHh4eqV68uV1fX62rHYeGqSpUqcnZ2Vnp6ul15enr6FRerKIzhw4dr5MiRevLJJyVJgYGBSk1NVVxc3BXDlZubm9zc3Ip9TAAAAJScvLw8/fbbb/Lw8FDVqlVNmWEApEsPCM7NzdXx48d16NAhBQQEXPNBwVfjsHDl6uqqkJAQJSUlKSoqStKlBS2SkpI0aNCgYrd79uzZfB+Is7OzrFbr9XQXAAAADnLhwgUZhqGqVauqbNmyju4ObjFly5ZVmTJllJqaqtzcXLm7uxe7LYdeFhgbG6vo6Gi1aNFCLVu2VHx8vLKzs9W3b19JUu/evVWzZk3FxcVJurQIxr59+2w/Hz16VCkpKfL09FS9evUkSV26dNErr7yiO++8U40bN9bu3bs1c+ZMPf30044ZJAAAAEzBjBVKyvXMVv2VQ8NV9+7ddfz4cY0fP15paWkKDg7W+vXrbYtcHD582G6gx44dU7NmzWyvp0+frunTpys8PFybN2+WJM2aNUvjxo3T888/r4yMDNWoUUP//Oc/NX78+Bs6NgAAAAC3F4c+56q04jlXAAAApcf58+d16NAh1a5d+7ou2QKu5Grn2E3xnCsAAAAARePv76/4+PhC19+8ebMsFotOnz5dYn3C/xCuAAAAAJNZLJarbhMnTixWuzt37lT//v0LXb9169b6/fff5e3tXazjFRYh7pJb7jlXAAAAgKP9/vvvtp+XLVum8ePH68CBA7YyT09P28+GYSgvL08uLtf+al61atUi9cPV1fW6HnOEomHmCgAAADcVwzB0NveiQ7bCLlfg6+tr27y9vWWxWGyvf/jhB5UvX17r1q1TSEiI3Nzc9NVXX+nnn3/WI488Ih8fH3l6eio0NFQbN260a/fvlwVaLBb9+9//VteuXeXh4aGAgACtXr3a9v7fZ5QWLlyoChUqaMOGDWrYsKE8PT3VsWNHuzB48eJFDRkyRBUqVFDlypU1YsQIRUdH2x6fVBynTp1S7969VbFiRXl4eKhTp046ePCg7f3U1FR16dJFFStWVLly5dS4cWOtXbvWtm/Pnj1tS/EHBARowYIFxe5LSWLmCgAAADeVcxfy1Gj8Bocce9/kSHm4mvMVeuTIkZo+fbrq1KmjihUr6siRI3rwwQf1yiuvyM3NTe+99566dOmiAwcO6M4777xiO5MmTdJrr72madOmadasWerZs6dSU1NVqVKlAuufPXtW06dP1/vvvy8nJyc99dRTGjZsmBYvXixJmjp1qhYvXqwFCxaoYcOGeuONN7Rq1Sp16NCh2GPt06ePDh48qNWrV8vLy0sjRozQgw8+qH379qlMmTIaOHCgcnNz9cUXX6hcuXLat2+fbXZv3Lhx2rdvn9atW6cqVarop59+0rlz54rdl5JEuAIAAAAcYPLkybr//vttrytVqqSgoCDb65deekkrV67U6tWrNWjQoCu206dPH/Xo0UOS9Oqrr+rNN9/Ujh071LFjxwLrX7hwQXPnzlXdunUlSYMGDdLkyZNt78+aNUujRo1S165dJUkJCQm2WaTiuByqtm7dqtatW0uSFi9eLD8/P61atUqPP/64Dh8+rG7duikwMFCSVKdOHdv+hw8fVrNmzdSiRQtJl2bvSivCFQAAAG4qZcs4a9/kSIcd2yyXw8JlZ86c0cSJE/XZZ5/p999/18WLF3Xu3DkdPnz4qu00bdrU9nO5cuXk5eWljIyMK9b38PCwBStJql69uq1+Zmam0tPT1bJlS9v7zs7OCgkJkdVqLdL4Ltu/f79cXFwUFhZmK6tcubLq16+v/fv3S5KGDBmiAQMG6PPPP1dERIS6detmG9eAAQPUrVs3JScn64EHHlBUVJQtpJU23HMFAACAm4rFYpGHq4tDNovFYto4ypUrZ/d62LBhWrlypV599VV9+eWXSklJUWBgoHJzc6/aTpkyZfJ9PlcLQgXVd/Sjb5955hn98ssv6tWrl/bu3asWLVpo1qxZkqROnTopNTVVL7zwgo4dO6b77rtPw4YNc2h/r4RwBQAAAJQCW7duVZ8+fdS1a1cFBgbK19dXv/766w3tg7e3t3x8fLRz505bWV5enpKTk4vdZsOGDXXx4kX93//9n63sjz/+0IEDB9SoUSNbmZ+fn5577jmtWLFCL774ot5++23be1WrVlV0dLQWLVqk+Ph4zZ8/v9j9KUlcFggAAACUAgEBAVqxYoW6dOkii8WicePGFftSvOsxePBgxcXFqV69emrQoIFmzZqlU6dOFWrWbu/evSpfvrzttcViUVBQkB555BE9++yzmjdvnsqXL6+RI0eqZs2aeuSRRyRJMTEx6tSpk+666y6dOnVKmzZtUsOGDSVJ48ePV0hIiBo3bqycnBytWbPG9l5pQ7gCAAAASoGZM2fq6aefVuvWrVWlShWNGDFCWVlZN7wfI0aMUFpamnr37i1nZ2f1799fkZGRcna+9v1m7dq1s3vt7OysixcvasGCBRo6dKgeeugh5ebmql27dlq7dq3tEsW8vDwNHDhQv/32m7y8vNSxY0e9/vrrki49q2vUqFH69ddfVbZsWbVt21ZLly41f+AmsBiOvsCyFMrKypK3t7cyMzPl5eXl6O4AAADc1s6fP69Dhw6pdu3acnd3d3R3bjtWq1UNGzbUE088oZdeesnR3SkRVzvHipINmLkCAAAAYJOamqrPP/9c4eHhysnJUUJCgg4dOqR//OMfju5aqceCFgAAAABsnJyctHDhQoWGhqpNmzbau3evNm7cWGrvcypNmLkCAAAAYOPn56etW7c6uhs3JWauAAAAAMAEhCsAAAAAMAHhCgAAAABMQLgCAAAAABMQrgAAAADABIQrAAAAADAB4QoAAAAopdq3b6+YmBjba39/f8XHx191H4vFolWrVl33sc1q53ZCuAIAAABM1qVLF3Xs2LHA97788ktZLBZ9++23RW53586d6t+///V2z87EiRMVHBycr/z3339Xp06dTD3W3y1cuFAVKlQo0WPcSIQrAAAAwGT9+vVTYmKifvvtt3zvLViwQC1atFDTpk2L3G7VqlXl4eFhRhevydfXV25ubjfkWLcKwhUAAABuLoYh5WY7ZjOMQnXxoYceUtWqVbVw4UK78jNnzmj58uXq16+f/vjjD/Xo0UM1a9aUh4eHAgMD9cEHH1y13b9fFnjw4EG1a9dO7u7uatSokRITE/PtM2LECN11113y8PBQnTp1NG7cOF24cEHSpZmjSZMmac+ePbJYLLJYLLY+//2ywL179+ree+9V2bJlVblyZfXv319nzpyxvd+nTx9FRUVp+vTpql69uipXrqyBAwfajlUchw8f1iOPPCJPT095eXnpiSeeUHp6uu39PXv2qEOHDipfvry8vLwUEhKib775RpKUmpqqLl26qGLFiipXrpwaN26stWvXFrsvheFSoq0DAAAAZrtwVnq1hmOOPfqY5FrumtVcXFzUu3dvLVy4UGPGjJHFYpEkLV++XHl5eerRo4fOnDmjkJAQjRgxQl5eXvrss8/Uq1cv1a1bVy1btrzmMaxWqx599FH5+Pjo//7v/5SZmWl3f9Zl5cuX18KFC1WjRg3t3btXzz77rMqXL69//etf6t69u7777jutX79eGzdulCR5e3vnayM7O1uRkZFq1aqVdu7cqYyMDD3zzDMaNGiQXYDctGmTqlevrk2bNumnn35S9+7dFRwcrGefffaa4ylofJeD1ZYtW3Tx4kUNHDhQ3bt31+bNmyVJPXv2VLNmzTRnzhw5OzsrJSVFZcqUkSQNHDhQubm5+uKLL1SuXDnt27dPnp6eRe5HURCuAAAAgBLw9NNPa9q0adqyZYvat28v6dIlgd26dZO3t7e8vb01bNgwW/3Bgwdrw4YN+vDDDwsVrjZu3KgffvhBGzZsUI0al8Lmq6++mu8+qbFjx9p+9vf317Bhw7R06VL961//UtmyZeXp6SkXFxf5+vpe8VhLlizR+fPn9d5776lcuUvhMiEhQV26dNHUqVPl4+MjSapYsaISEhLk7OysBg0aqHPnzkpKSipWuEpKStLevXt16NAh+fn5SZLee+89NW7cWDt37lRoaKgOHz6s4cOHq0GDBpKkgIAA2/6HDx9Wt27dFBgYKEmqU6dOkftQVIQrAAAA3FzKeFyaQXLUsQupQYMGat26td555x21b99eP/30k7788ktNnjxZkpSXl6dXX31VH374oY4eParc3Fzl5OQU+p6q/fv3y8/PzxasJKlVq1b56i1btkxvvvmmfv75Z505c0YXL16Ul5dXocdx+VhBQUG2YCVJbdq0kdVq1YEDB2zhqnHjxnJ2drbVqV69uvbu3VukY/31mH5+frZgJUmNGjVShQoVtH//foWGhio2NlbPPPOM3n//fUVEROjxxx9X3bp1JUlDhgzRgAED9PnnnysiIkLdunUr1n1uRcE9VwAAALi5WCyXLs1zxPb/L+8rrH79+unjjz/Wn3/+qQULFqhu3boKDw+XJE2bNk1vvPGGRowYoU2bNiklJUWRkZHKzc017aPatm2bevbsqQcffFBr1qzR7t27NWbMGFOP8VeXL8m7zGKxyGq1lsixpEsrHX7//ffq3Lmz/vvf/6pRo0ZauXKlJOmZZ57RL7/8ol69emnv3r1q0aKFZs2aVWJ9kQhXAAAAQIl54okn5OTkpCVLlui9997T008/bbv/auvWrXrkkUf01FNPKSgoSHXq1NGPP/5Y6LYbNmyoI0eO6Pfff7eVbd++3a7O119/rVq1amnMmDFq0aKFAgIClJqaalfH1dVVeXl51zzWnj17lJ2dbSvbunWrnJycVL9+/UL3uSguj+/IkSO2sn379un06dNq1KiRreyuu+7SCy+8oM8//1yPPvqoFixYYHvPz89Pzz33nFasWKEXX3xRb7/9don09TLCFQAAAFBCPD091b17d40aNUq///67+vTpY3svICBAiYmJ+vrrr7V//37985//tFsJ71oiIiJ01113KTo6Wnv27NGXX36pMWPG2NUJCAjQ4cOHtXTpUv3888968803bTM7l/n7++vQoUNKSUnRiRMnlJOTk+9YPXv2lLu7u6Kjo/Xdd99p06ZNGjx4sHr16mW7JLC48vLylJKSYrft379fERERCgwMVM+ePZWcnKwdO3aod+/eCg8PV4sWLXTu3DkNGjRImzdvVmpqqrZu3aqdO3eqYcOGkqSYmBht2LBBhw4dUnJysjZt2mR7r6QQrgAAAIAS1K9fP506dUqRkZF290eNHTtWzZs3V2RkpNq3by9fX19FRUUVul0nJyetXLlS586dU8uWLfXMM8/olVdesavz8MMP64UXXtCgQYMUHBysr7/+WuPGjbOr061bN3Xs2FEdOnRQ1apVC1wO3sPDQxs2bNDJkycVGhqqxx57TPfdd58SEhKK9mEU4MyZM2rWrJnd1qVLF1ksFn3yySeqWLGi2rVrp4iICNWpU0fLli2TJDk7O+uPP/5Q7969ddddd+mJJ55Qp06dNGnSJEmXQtvAgQPVsGFDdezYUXfddZfeeuut6+7v1VgMo5CL9d9GsrKy5O3trczMzCLf7AcAAABznT9/XocOHVLt2rXl7u7u6O7gFnS1c6wo2YCZKwAAAAAwAeEKAAAAAExAuAIAAAAAExCuAAAAAMAEhCsAAADcFFiHDSXFrHOLcAUAAIBSzdnZWZKUm5vr4J7gVnX27FlJUpkyZa6rHRczOgMAAACUFBcXF3l4eOj48eMqU6aMnJyYH4A5DMPQ2bNnlZGRoQoVKtiCfHERrgAAAFCqWSwWVa9eXYcOHVJqaqqju4NbUIUKFeTr63vd7RCuAAAAUOq5uroqICCASwNhujJlylz3jNVlhCsAAADcFJycnOTu7u7obgBXxAWrAAAAAGACwhUAAAAAmMDh4Wr27Nny9/eXu7u7wsLCtGPHjivW/f7779WtWzf5+/vLYrEoPj6+wHpHjx7VU089pcqVK6ts2bIKDAzUN998U0IjAAAAAAAHh6tly5YpNjZWEyZMUHJysoKCghQZGamMjIwC6589e1Z16tTRlClTrriax6lTp9SmTRuVKVNG69at0759+zRjxgxVrFixJIcCAAAA4DZnMRz4qOuwsDCFhoYqISFBkmS1WuXn56fBgwdr5MiRV93X399fMTExiomJsSsfOXKktm7dqi+//LLY/crKypK3t7cyMzPl5eVV7HYAAAAA3NyKkg0cNnOVm5urXbt2KSIi4n+dcXJSRESEtm3bVux2V69erRYtWujxxx9XtWrV1KxZM7399ttX3ScnJ0dZWVl2GwAAAAAUhcPC1YkTJ5SXlycfHx+7ch8fH6WlpRW73V9++UVz5sxRQECANmzYoAEDBmjIkCF69913r7hPXFycvL29bZufn1+xjw8AAADg9uTwBS3MZrVa1bx5c7366qtq1qyZ+vfvr2effVZz58694j6jRo1SZmambTty5MgN7DEAAACAW4HDwlWVKlXk7Oys9PR0u/L09PQrLlZRGNWrV1ejRo3syho2bKjDhw9fcR83Nzd5eXnZbQAAAABQFA4LV66urgoJCVFSUpKtzGq1KikpSa1atSp2u23atNGBAwfsyn788UfVqlWr2G0CAAAAwLW4OPLgsbGxio6OVosWLdSyZUvFx8crOztbffv2lST17t1bNWvWVFxcnKRLi2Ds27fP9vPRo0eVkpIiT09P1atXT5L0wgsvqHXr1nr11Vf1xBNPaMeOHZo/f77mz5/vmEECAAAAuC04dCl2SUpISNC0adOUlpam4OBgvfnmmwoLC5MktW/fXv7+/lq4cKEk6ddff1Xt2rXztREeHq7NmzfbXq9Zs0ajRo3SwYMHVbt2bcXGxurZZ58tdJ9Yih0AAACAVLRs4PBwVRoRrgAAAABIN8lzrgAAAADgVkK4AgAAAAATEK4AAAAAwASEKwAAAAAwAeEKAAAAAExAuAIAAAAAExCuAAAAAMAEhCsAAAAAMAHhCgAAAABMQLgCAAAAABMQrgAAAADABIQrAAAAADAB4QoAAAAATEC4AgAAAAATEK4AAAAAwASEKwAAAAAwAeEKAAAAAExAuAIAAAAAExCuAAAAAMAEhCsAAAAAMAHhCgAAAABMQLgCAAAAABMQrgAAAADABIQrAAAAADAB4QoAAAAATEC4AgAAAAATEK4AAAAAwASEKwAAAAAwAeEKAAAAAExAuAIAAAAAExCuAAAAAMAEhCsAAAAAMAHhCgAAAABMQLgCAAAAABMQrgAAAADABIQrAAAAADAB4QoAAAAATEC4AgAAAAATEK4AAAAAwASEKwAAAAAwAeEKAAAAAExAuAIAAAAAExCuAAAAAMAEhCsAAAAAMAHhCgAAAABMUCrC1ezZs+Xv7y93d3eFhYVpx44dV6z7/fffq1u3bvL395fFYlF8fPxV254yZYosFotiYmLM7TQAAAAA/IXDw9WyZcsUGxurCRMmKDk5WUFBQYqMjFRGRkaB9c+ePas6depoypQp8vX1vWrbO3fu1Lx589S0adOS6DoAAAAA2Dg8XM2cOVPPPvus+vbtq0aNGmnu3Lny8PDQO++8U2D90NBQTZs2TU8++aTc3Nyu2O6ZM2fUs2dPvf3226pYsWJJdR8AAAAAJDk4XOXm5mrXrl2KiIiwlTk5OSkiIkLbtm27rrYHDhyozp0727V9JTk5OcrKyrLbAAAAAKAoHBquTpw4oby8PPn4+NiV+/j4KC0trdjtLl26VMnJyYqLiytU/bi4OHl7e9s2Pz+/Yh8bAAAAwO3J4ZcFmu3IkSMaOnSoFi9eLHd390LtM2rUKGVmZtq2I0eOlHAvAQAAANxqXBx58CpVqsjZ2Vnp6el25enp6ddcrOJKdu3apYyMDDVv3txWlpeXpy+++EIJCQnKycmRs7Oz3T5ubm5XvX8LAAAAAK7FoTNXrq6uCgkJUVJSkq3MarUqKSlJrVq1Klab9913n/bu3auUlBTb1qJFC/Xs2VMpKSn5ghUAAAAAmMGhM1eSFBsbq+joaLVo0UItW7ZUfHy8srOz1bdvX0lS7969VbNmTdv9U7m5udq3b5/t56NHjyolJUWenp6qV6+eypcvryZNmtgdo1y5cqpcuXK+cgAAAAAwi8PDVffu3XX8+HGNHz9eaWlpCg4O1vr1622LXBw+fFhOTv+bYDt27JiaNWtmez19+nRNnz5d4eHh2rx5843uPgAAAABIkiyGYRiO7kRpk5WVJW9vb2VmZsrLy8vR3QEAAADgIEXJBrfcaoEAAAAA4AiEKwAAAAAwAeEKAAAAAExAuAIAAAAAExCuAAAAAMAEhCsAAAAAMAHhCgAAAABMQLgCAAAAABMQrgAAAADABIQrAAAAADAB4QoAAAAATEC4AgAAAAATEK4AAAAAwASEKwAAAAAwAeEKAAAAAExAuAIAAAAAExCuAAAAAMAEhCsAAAAAMAHhCgAAAABMQLgCAAAAABMQrgAAAADABIQrAAAAADAB4QoAAAAATEC4AgAAAAATEK4AAAAAwASEKwAAAAAwAeEKAAAAAExAuAIAAAAAExCuAAAAAMAEhCsAAAAAMAHhCgAAAABMQLgCAAAAABMQrgAAAADABIQrAAAAADAB4QoAAAAATEC4AgAAAAATEK4AAAAAwASEKwAAAAAwAeEKAAAAAExAuAIAAAAAExCuAAAAAMAEhCsAAAAAMAHhCgAAAABMQLgCAAAAABMQrgAAAADABKUiXM2ePVv+/v5yd3dXWFiYduzYccW633//vbp16yZ/f39ZLBbFx8fnqxMXF6fQ0FCVL19e1apVU1RUlA4cOFCCIwAAAABwu3N4uFq2bJliY2M1YcIEJScnKygoSJGRkcrIyCiw/tmzZ1WnTh1NmTJFvr6+BdbZsmWLBg4cqO3btysxMVEXLlzQAw88oOzs7JIcCgAAAIDbmMUwDMORHQgLC1NoaKgSEhIkSVarVX5+fho8eLBGjhx51X39/f0VExOjmJiYq9Y7fvy4qlWrpi1btqhdu3bX7FNWVpa8vb2VmZkpLy+vQo8FAAAAwK2lKNnAoTNXubm52rVrlyIiImxlTk5OioiI0LZt20w7TmZmpiSpUqVKBb6fk5OjrKwsuw0AAAAAisKh4erEiRPKy8uTj4+PXbmPj4/S0tJMOYbValVMTIzatGmjJk2aFFgnLi5O3t7ets3Pz8+UYwMAAAC4fTj8nquSNnDgQH333XdaunTpFeuMGjVKmZmZtu3IkSM3sIcAAAAAbgUujjx4lSpV5OzsrPT0dLvy9PT0Ky5WURSDBg3SmjVr9MUXX+iOO+64Yj03Nze5ubld9/EAAAAA3L4cOnPl6uqqkJAQJSUl2cqsVquSkpLUqlWrYrdrGIYGDRqklStX6r///a9q165tRncBAAAA4IocOnMlSbGxsYqOjlaLFi3UsmVLxcfHKzs7W3379pUk9e7dWzVr1lRcXJykS4tg7Nu3z/bz0aNHlZKSIk9PT9WrV0/SpUsBlyxZok8++UTly5e33b/l7e2tsmXLOmCUAAAAAG51Dl+KXZISEhI0bdo0paWlKTg4WG+++abCwsIkSe3bt5e/v78WLlwoSfr1118LnIkKDw/X5s2bJUkWi6XA4yxYsEB9+vS5Zn9Yih0AAACAVLRsUCrCVWlDuAIAAAAg3UTPuQIAAACAWwXhCgAAAABMQLgCAAAAABMQrgAAAADABIQrAAAAADAB4QoAAAAATEC4AgAAAAATEK4AAAAAwASEKwAAAAAwAeEKAAAAAExAuAIAAAAAExCuAAAAAMAEhCsAAAAAMAHhCgAAAABMQLgCAAAAABMQrgAAAADABIQrAAAAADAB4QoAAAAATEC4AgAAAAATEK4AAAAAwASEKwAAAAAwAeEKAAAAAExAuAIAAAAAExCuAAAAAMAEhCsAAAAAMAHhCgAAAABMQLgCAAAAABMQrgAAAADABIQrAAAAADAB4QoAAAAATEC4AgAAAAATEK4AAAAAwASEKwAAAAAwAeEKAAAAAExAuAIAAAAAExCuAAAAAMAEhCsAAAAAMAHhCgAAAABMUKxwdeTIEf3222+21zt27FBMTIzmz59vWscAAAAA4GZSrHD1j3/8Q5s2bZIkpaWl6f7779eOHTs0ZswYTZ482dQOAgAAAMDNoFjh6rvvvlPLli0lSR9++KGaNGmir7/+WosXL9bChQvN7B8AAAAA3BSKFa4uXLggNzc3SdLGjRv18MMPS5IaNGig33//3bzeAQAAAMBNoljhqnHjxpo7d66+/PJLJSYmqmPHjpKkY8eOqXLlyqZ2EAAAAABuBsUKV1OnTtW8efPUvn179ejRQ0FBQZKk1atX2y4XBAAAAIDbicUwDKM4O+bl5SkrK0sVK1a0lf3666/y8PBQtWrVTOugI2RlZcnb21uZmZny8vJydHcAAAAAOEhRskGxZq7OnTunnJwcW7BKTU1VfHy8Dhw4UKxgNXv2bPn7+8vd3V1hYWHasWPHFet+//336tatm/z9/WWxWBQfH3/dbQIAAADA9SpWuHrkkUf03nvvSZJOnz6tsLAwzZgxQ1FRUZozZ06R2lq2bJliY2M1YcIEJScnKygoSJGRkcrIyCiw/tmzZ1WnTh1NmTJFvr6+prQJAAAAANerWOEqOTlZbdu2lSR99NFH8vHxUWpqqt577z29+eabRWpr5syZevbZZ9W3b181atRIc+fOlYeHh955550C64eGhmratGl68sknbSsWXm+bAAAAAHC9ihWuzp49q/Lly0uSPv/8cz366KNycnLS3XffrdTU1EK3k5ubq127dikiIuJ/HXJyUkREhLZt21acrhWrzZycHGVlZdltAAAAAFAUxQpX9erV06pVq3TkyBFt2LBBDzzwgCQpIyOjSAtAnDhxQnl5efLx8bEr9/HxUVpaWnG6Vqw24+Li5O3tbdv8/PyKdWwAAAAAt69ihavx48dr2LBh8vf3V8uWLdWqVStJl2axmjVrZmoHb4RRo0YpMzPTth05csTRXQIAAABwk3Epzk6PPfaY7rnnHv3++++2Z1xJ0n333aeuXbsWup0qVarI2dlZ6enpduXp6elXXKyiJNp0c3O74v1bAAAAAFAYxZq5kiRfX181a9ZMx44d02+//SZJatmypRo0aFDoNlxdXRUSEqKkpCRbmdVqVVJSkm02rKhKok0AAAAAuJZihSur1arJkyfL29tbtWrVUq1atVShQgW99NJLslqtRWorNjZWb7/9tt59913t379fAwYMUHZ2tvr27StJ6t27t0aNGmWrn5ubq5SUFKWkpCg3N1dHjx5VSkqKfvrpp0K3CQAAAABmK9ZlgWPGjNF//vMfTZkyRW3atJEkffXVV5o4caLOnz+vV155pdBtde/eXcePH9f48eOVlpam4OBgrV+/3rYgxeHDh+Xk9L8MeOzYMbv7uqZPn67p06crPDxcmzdvLlSbAAAAAGA2i2EYRlF3qlGjhubOnauHH37YrvyTTz7R888/r6NHj5rWQUfIysqSt7e3MjMzi7T6IQAAAIBbS1GyQbEuCzx58mSB91Y1aNBAJ0+eLE6TAAAAAHBTK1a4CgoKUkJCQr7yhIQENW3a9Lo7BQAAAAA3m2Ldc/Xaa6+pc+fO2rhxo20Fvm3btunIkSNau3atqR0EAAAAgJtBsWauwsPD9eOPP6pr1646ffq0Tp8+rUcffVTff/+93n//fbP7CAAAAAClXrEWtLiSPXv2qHnz5srLyzOrSYdgQQsAAAAA0g1Y0AIAAAAAYI9wBQAAAAAmIFwBAAAAgAmKtFrgo48+etX3T58+fT19AQAAAICbVpHClbe39zXf792793V1CAAAAABuRkUKVwsWLCipfgAAAADATY17rgAAAADABIQrAAAAADAB4QoAAAAATEC4AgAAAAATEK4AAAAAwASEKwAAAAAwAeEKAAAAAExAuAIAAAAAExCuAAAAAMAEhCsAAAAAMAHhCgAAAABMQLgCAAAAABMQrgAAAADABIQrAAAAADAB4QoAAAAATEC4AgAAAAATEK4AAAAAwASEKwAAAAAwAeEKAAAAAExAuAIAAAAAExCuAAAAAMAEhCsAAAAAMAHhCgAAAABMQLgCAAAAABMQrgAAAADABIQrAAAAADAB4QoAAAAATEC4AgAAAAATEK4AAAAAwASEKwAAAAAwAeEKAAAAAExAuAIAAAAAExCuAAAAAMAEhCsAAAAAMEGpCFezZ8+Wv7+/3N3dFRYWph07dly1/vLly9WgQQO5u7srMDBQa9eutXv/zJkzGjRokO644w6VLVtWjRo10ty5c0tyCAAAAABucw4PV8uWLVNsbKwmTJig5ORkBQUFKTIyUhkZGQXW//rrr9WjRw/169dPu3fvVlRUlKKiovTdd9/Z6sTGxmr9+vVatGiR9u/fr5iYGA0aNEirV6++UcMCAAAAcJuxGIZhOLIDYWFhCg0NVUJCgiTJarXKz89PgwcP1siRI/PV7969u7Kzs7VmzRpb2d13363g4GDb7FSTJk3UvXt3jRs3zlYnJCREnTp10ssvv3zNPmVlZcnb21uZmZny8vK63iECAAAAuEkVJRs4dOYqNzdXu3btUkREhK3MyclJERER2rZtW4H7bNu2za6+JEVGRtrVb926tVavXq2jR4/KMAxt2rRJP/74ox544IEC28zJyVFWVpbdBgAAAABF4dBwdeLECeXl5cnHx8eu3MfHR2lpaQXuk5aWds36s2bNUqNGjXTHHXfI1dVVHTt21OzZs9WuXbsC24yLi5O3t7dt8/Pzu86RAQAAALjdOPyeq5Iwa9Ysbd++XatXr9auXbs0Y8YMDRw4UBs3biyw/qhRo5SZmWnbjhw5coN7DAAAAOBm5+LIg1epUkXOzs5KT0+3K09PT5evr2+B+/j6+l61/rlz5zR69GitXLlSnTt3liQ1bdpUKSkpmj59er5LCiXJzc1Nbm5uZgwJAAAAwG3KoTNXrq6uCgkJUVJSkq3MarUqKSlJrVq1KnCfVq1a2dWXpMTERFv9Cxcu6MKFC3Jysh+as7OzrFarySMAAAAAgEscOnMlXVo2PTo6Wi1atFDLli0VHx+v7Oxs9e3bV5LUu3dv1axZU3FxcZKkoUOHKjw8XDNmzFDnzp21dOlSffPNN5o/f74kycvLS+Hh4Ro+fLjKli2rWrVqacuWLXrvvfc0c+ZMh40TAAAAwK3N4eGqe/fuOn78uMaPH6+0tDQFBwdr/fr1tkUrDh8+bDcL1bp1ay1ZskRjx47V6NGjFRAQoFWrVqlJkya2OkuXLtWoUaPUs2dPnTx5UrVq1dIrr7yi55577oaPDwAAAMDtweHPuSqNeM4VAAAAAOkmes4VAAAAANwqCFcAAAAAYALCFQAAAACYgHAFAAAAACYgXAEAAACACQhXAAAAAGACwhUAAAAAmIBwBQAAAAAmIFwBAAAAgAkIVwAAAABgAsIVAAAAAJiAcAUAAAAAJiBcAQAAAIAJCFcAAAAAYALCFQAAAACYgHAFAAAAACYgXAEAAACACQhXAAAAAGACwhUAAAAAmIBwBQAAAAAmIFwBAAAAgAkIVwAAAABgAsIVAAAAAJiAcAUAAAAAJiBcAQAAAIAJCFcAAAAAYALCFQAAAACYgHAFAAAAACYgXAEAAACACQhXAAAAAGACwhUAAAAAmIBwBQAAAAAmIFwBAAAAgAkIVwAAAABgAsIVAAAAAJiAcAUAAAAAJiBcAQAAAIAJCFcAAAAAYALCFQAAAACYgHAFAAAAACYgXAEAAACACQhXAAAAAGACwhUAAAAAmIBwBQAAAAAmIFwBAAAAgAlKRbiaPXu2/P395e7urrCwMO3YseOq9ZcvX64GDRrI3d1dgYGBWrt2bb46+/fv18MPPyxvb2+VK1dOoaGhOnz4cEkNAQAAAMBtzuHhatmyZYqNjdWECROUnJysoKAgRUZGKiMjo8D6X3/9tXr06KF+/fpp9+7dioqKUlRUlL777jtbnZ9//ln33HOPGjRooM2bN+vbb7/VuHHj5O7ufqOGBQAAAOA2YzEMw3BkB8LCwhQaGqqEhARJktVqlZ+fnwYPHqyRI0fmq9+9e3dlZ2drzZo1trK7775bwcHBmjt3riTpySefVJkyZfT+++8Xq09ZWVny9vZWZmamvLy8itUGAAAAgJtfUbKBQ2eucnNztWvXLkVERNjKnJycFBERoW3bthW4z7Zt2+zqS1JkZKStvtVq1Weffaa77rpLkZGRqlatmsLCwrRq1aor9iMnJ0dZWVl2GwAAAAAUhUPD1YkTJ5SXlycfHx+7ch8fH6WlpRW4T1pa2lXrZ2Rk6MyZM5oyZYo6duyozz//XF27dtWjjz6qLVu2FNhmXFycvL29bZufn58JowMAAABwO3H4PVdms1qtkqRHHnlEL7zwgoKDgzVy5Eg99NBDtssG/27UqFHKzMy0bUeOHLmRXQYAAABwC3Bx5MGrVKkiZ2dnpaen25Wnp6fL19e3wH18fX2vWr9KlSpycXFRo0aN7Oo0bNhQX331VYFturm5yc3NrbjDAAAAAADHzly5uroqJCRESUlJtjKr1aqkpCS1atWqwH1atWplV1+SEhMTbfVdXV0VGhqqAwcO2NX58ccfVatWLZNHAAAAAACXOHTmSpJiY2MVHR2tFi1aqGXLloqPj1d2drb69u0rSerdu7dq1qypuLg4SdLQoUMVHh6uGTNmqHPnzlq6dKm++eYbzZ8/39bm8OHD1b17d7Vr104dOnTQ+vXr9emnn2rz5s2OGCIAAACA24DDw1X37t11/PhxjR8/XmlpaQoODtb69etti1YcPnxYTk7/m2Br3bq1lixZorFjx2r06NEKCAjQqlWr1KRJE1udrl27au7cuYqLi9OQIUNUv359ffzxx7rnnntu+PgAAAAA3B4c/pyr0ojnXAEAAACQbqLnXAEAAADArYJwBQAAAAAmIFwBAAAAgAkIVwAAAABgAsIVAAAAAJiAcAUAAAAAJiBcAQAAAIAJCFcAAAAAYALCFQAAAACYgHAFAAAAACYgXAEAAACACQhXAAAAAGACwhUAAAAAmIBwBQAAAAAmIFwBAAAAgAkIVwAAAABgAsIVAAAAAJiAcAUAAAAAJiBcAQAAAIAJCFcAAAAAYALCFQAAAACYgHAFAAAAACYgXAEAAACACQhXAAAAAGACwhUAAAAAmIBwBQAAAAAmIFwBAAAAgAkIVwAAAABgAsIVAAAAAJiAcAUAAAAAJiBcAQAAAIAJCFcAAAAAYALCFQAAAACYgHAFAAAAACYgXAEAAACACQhXAAAAAGACwhUAAAAAmIBwBQAAAAAmIFwBAAAAgAkIVwAAAABgAsIVAAAAAJiAcAUAAAAAJiBcAQAAAIAJCFcAAAAAYALCFQAAAACYoFSEq9mzZ8vf31/u7u4KCwvTjh07rlp/+fLlatCggdzd3RUYGKi1a9dese5zzz0ni8Wi+Ph4k3sNAAAAAP/j8HC1bNkyxcbGasKECUpOTlZQUJAiIyOVkZFRYP2vv/5aPXr0UL9+/bR7925FRUUpKipK3333Xb66K1eu1Pbt21WjRo2SHgYAAACA25zFMAzDkR0ICwtTaGioEhISJElWq1V+fn4aPHiwRo4cma9+9+7dlZ2drTVr1tjK7r77bgUHB2vu3Lm2sqNHjyosLEwbNmxQ586dFRMTo5iYmAL7kJOTo5ycHNvrrKws+fn5KTMzU15eXiaNFAAAAMDNJisrS97e3oXKBg6ducrNzdWuXbsUERFhK3NyclJERIS2bdtW4D7btm2zqy9JkZGRdvWtVqt69eql4cOHq3HjxtfsR1xcnLy9vW2bn59fMUcEAAAA4Hbl0HB14sQJ5eXlycfHx67cx8dHaWlpBe6TlpZ2zfpTp06Vi4uLhgwZUqh+jBo1SpmZmbbtyJEjRRwJAAAAgNudi6M7YLZdu3bpjTfeUHJysiwWS6H2cXNzk5ubWwn3DAAAAMCtzKEzV1WqVJGzs7PS09PtytPT0+Xr61vgPr6+vlet/+WXXyojI0N33nmnXFxc5OLiotTUVL344ovy9/cvkXEAAAAAgEPDlaurq0JCQpSUlGQrs1qtSkpKUqtWrQrcp1WrVnb1JSkxMdFWv1evXvr222+VkpJi22rUqKHhw4drw4YNJTcYAAAAALc1h18WGBsbq+joaLVo0UItW7ZUfHy8srOz1bdvX0lS7969VbNmTcXFxUmShg4dqvDwcM2YMUOdO3fW0qVL9c0332j+/PmSpMqVK6ty5cp2xyhTpox8fX1Vv379Gzs4AAAAALcNh4er7t276/jx4xo/frzS0tIUHBys9evX2xatOHz4sJyc/jfB1rp1ay1ZskRjx47V6NGjFRAQoFWrVqlJkyaOGgIAAAAAOP45V6VRUdayBwAAAHDrummecwUAAAAAtwrCFQAAAACYgHAFAAAAACYgXAEAAACACQhXAAAAAGACwhUAAAAAmIBwBQAAAAAmIFwBAAAAgAkIVwAAAABgAsIVAAAAAJiAcAUAAAAAJiBcAQAAAIAJCFcAAAAAYALCFQAAAACYgHAFAAAAACYgXAEAAACACQhXAAAAAGACwhUAAAAAmIBwBQAAAAAmIFwBAAAAgAkIVwAAAABgAsIVAAAAAJiAcAUAAAAAJiBcAQAAAIAJCFcAAAAAYALCFQAAAACYgHAFAAAAACYgXAEAAACACQhXAAAAAGACwhUAAAAAmIBwBQAAAAAmIFwBAAAAgAkIVwAAAABgAsIVAAAAAJiAcAUAAAAAJiBcAQAAAIAJCFcAAAAAYALCFQAAAACYgHAFAAAAACYgXAEAAACACQhXAAAAAGACwhUAAAAAmIBwBQAAAAAmIFwBAAAAgAlKRbiaPXu2/P395e7urrCwMO3YseOq9ZcvX64GDRrI3d1dgYGBWrt2re29CxcuaMSIEQoMDFS5cuVUo0YN9e7dW8eOHSvpYQAAAAC4jTk8XC1btkyxsbGaMGGCkpOTFRQUpMjISGVkZBRY/+uvv1aPHj3Ur18/7d69W1FRUYqKitJ3330nSTp79qySk5M1btw4JScna8WKFTpw4IAefvjhGzksAAAAALcZi2EYhiM7EBYWptDQUCUkJEiSrFar/Pz8NHjwYI0cOTJf/e7duys7O1tr1qyxld19990KDg7W3LlzCzzGzp071bJlS6WmpurOO++8Zp+ysrLk7e2tzMxMeXl5FXNkAAAAAG52RckGDp25ys3N1a5duxQREWErc3JyUkREhLZt21bgPtu2bbOrL0mRkZFXrC9JmZmZslgsqlChQoHv5+TkKCsry24DAAAAgKJwaLg6ceKE8vLy5OPjY1fu4+OjtLS0AvdJS0srUv3z589rxIgR6tGjxxWTZlxcnLy9vW2bn59fMUYDAAAA4Hbm8HuuStKFCxf0xBNPyDAMzZkz54r1Ro0apczMTNt25MiRG9hLAAAAALcCF0cevEqVKnJ2dlZ6erpdeXp6unx9fQvcx9fXt1D1Lwer1NRU/fe//73q9ZFubm5yc3Mr5igAAAAAwMEzV66urgoJCVFSUpKtzGq1KikpSa1atSpwn1atWtnVl6TExES7+peD1cGDB7Vx40ZVrly5ZAYAAAAAAP+fQ2euJCk2NlbR0dFq0aKFWrZsqfj4eGVnZ6tv376SpN69e6tmzZqKi4uTJA0dOlTh4eGaMWOGOnfurKVLl+qbb77R/PnzJV0KVo899piSk5O1Zs0a5eXl2e7HqlSpklxdXR0zUAAAAAC3NIeHq+7du+v48eMaP3680tLSFBwcrPXr19sWrTh8+LCcnP43wda6dWstWbJEY8eO1ejRoxUQEKBVq1apSZMmkqSjR49q9erVkqTg4GC7Y23atEnt27e/IeMCAAAAcHtx+HOuSiOecwUAAABAuomecwUAAAAAtwqHXxZYGl2ezONhwgAAAMDt7XImKMwFf4SrAvz555+SxMOEAQAAAEi6lBG8vb2vWod7rgpgtVp17NgxlS9fXhaLxdHdwRVkZWXJz89PR44c4d44FArnDIqKcwZFxTmDouB8uTkYhqE///xTNWrUsFtoryDMXBXAyclJd9xxh6O7gULy8vLiHyQUCecMiopzBkXFOYOi4Hwp/a41Y3UZC1oAAAAAgAkIVwAAAABgAsIVblpubm6aMGGC3NzcHN0V3CQ4Z1BUnDMoKs4ZFAXny62HBS0AAAAAwATMXAEAAACACQhXAAAAAGACwhUAAAAAmIBwBQAAAAAmIFyh1Jg9e7b8/f3l7u6usLAw7dix44p1L1y4oMmTJ6tu3bpyd3dXUFCQ1q9fn6/e0aNH9dRTT6ly5coqW7asAgMD9c0335TkMHADmX3O5OXlady4capdu7bKli2runXr6qWXXhLr/twavvjiC3Xp0kU1atSQxWLRqlWrrrnP5s2b1bx5c7m5ualevXpauHBhvjpFOQ9xcymJcyYuLk6hoaEqX768qlWrpqioKB04cKBkBoAbrqT+nblsypQpslgsiomJMa3PMBfhCqXCsmXLFBsbqwkTJig5OVlBQUGKjIxURkZGgfXHjh2refPmadasWdq3b5+ee+45de3aVbt377bVOXXqlNq0aaMyZcpo3bp12rdvn2bMmKGKFSveqGGhBJXEOTN16lTNmTNHCQkJ2r9/v6ZOnarXXntNs2bNulHDQgnKzs5WUFCQZs+eXaj6hw4dUufOndWhQwelpKQoJiZGzzzzjDZs2GCrU9TzEDeXkjhntmzZooEDB2r79u1KTEzUhQsX9MADDyg7O7ukhoEbqCTOmct27typefPmqWnTpmZ3G2YygFKgZcuWxsCBA22v8/LyjBo1ahhxcXEF1q9evbqRkJBgV/boo48aPXv2tL0eMWKEcc8995RMh+FwJXHOdO7c2Xj66aevWge3BknGypUrr1rnX//6l9G4cWO7su7duxuRkZG210U9D3HzMuuc+buMjAxDkrFlyxYzuolSxMxz5s8//zQCAgKMxMREIzw83Bg6dKjJvYVZmLmCw+Xm5mrXrl2KiIiwlTk5OSkiIkLbtm0rcJ+cnBy5u7vblZUtW1ZfffWV7fXq1avVokULPf7446pWrZqaNWumt99+u2QGgRuqpM6Z1q1bKykpST/++KMkac+ePfrqq6/UqVOnEhgFSrtt27bZnWOSFBkZaTvHinMe4tZ2rXOmIJmZmZKkSpUqlWjfUDoV9pwZOHCgOnfunK8uSh/CFRzuxIkTysvLk4+Pj125j4+P0tLSCtwnMjJSM2fO1MGDB2W1WpWYmKgVK1bo999/t9X55ZdfNGfOHAUEBGjDhg0aMGCAhgwZonfffbdEx4OSV1LnzMiRI/Xkk0+qQYMGKlOmjJo1a6aYmBj17NmzRMeD0iktLa3AcywrK0vnzp0r1nmIW9u1zpm/s1qtiomJUZs2bdSkSZMb1U2UIoU5Z5YuXark5GTFxcU5oosoIsIVbkpvvPGGAgIC1KBBA7m6umrQoEHq27evnJz+d0pbrVY1b95cr776qpo1a6b+/fvr2Wef1dy5cx3YczhKYc6ZDz/8UIsXL9aSJUuUnJysd999V9OnTyeQAygRAwcO1HfffaelS5c6uisopY4cOaKhQ4dq8eLF+a6+QOlEuILDValSRc7OzkpPT7crT09Pl6+vb4H7VK1aVatWrVJ2drZSU1P1ww8/yNPTU3Xq1LHVqV69uho1amS3X8OGDXX48GHzB4EbqqTOmeHDh9tmrwIDA9WrVy+98MIL/LXwNuXr61vgOebl5aWyZcsW6zzEre1a58xfDRo0SGvWrNGmTZt0xx133MhuohS51jmza9cuZWRkqHnz5nJxcZGLi4u2bNmiN998Uy4uLsrLy3NQz3ElhCs4nKurq0JCQpSUlGQrs1qtSkpKUqtWra66r7u7u2rWrKmLFy/q448/1iOPPGJ7r02bNvmWt/3xxx9Vq1YtcweAG66kzpmzZ8/azWRJkrOzs6xWq7kDwE2hVatWdueYJCUmJtrOses5D3FrutY5I0mGYWjQoEFauXKl/vvf/6p27do3upsoRa51ztx3333au3evUlJSbFuLFi3Us2dPpaSkyNnZ2RHdxtU4ekUNwDAMY+nSpYabm5uxcOFCY9++fUb//v2NChUqGGlpaYZhGEavXr2MkSNH2upv377d+Pjjj42ff/7Z+OKLL4x7773XqF27tnHq1ClbnR07dhguLi7GK6+8Yhw8eNBYvHix4eHhYSxatOhGDw8loCTOmejoaKNmzZrGmjVrjEOHDhkrVqwwqlSpYvzrX/+60cNDCfjzzz+N3bt3G7t37zYkGTNnzjR2795tpKamGoZhGCNHjjR69eplq//LL78YHh4exvDhw439+/cbs2fPNpydnY3169fb6lzrPMTNrSTOmQEDBhje3t7G5s2bjd9//922nT179oaPD+YriXPm71gtsHQjXKHUmDVrlnHnnXcarq6uRsuWLY3t27fb3gsPDzeio6Ntrzdv3mw0bNjQcHNzMypXrmz06tXLOHr0aL42P/30U6NJkyaGm5ub0aBBA2P+/Pk3Yii4Qcw+Z7KysoyhQ4cad955p+Hu7m7UqVPHGDNmjJGTk3OjhoQStGnTJkNSvu3yeRIdHW2Eh4fn2yc4ONhwdXU16tSpYyxYsCBfu1c7D3FzK4lzpqD2JBV4buHmU1L/zvwV4ap0sxiGYdy4eTIAAAAAuDVxzxUAAAAAmIBwBQAAAAAmIFwBAAAAgAkIVwAAAABgAsIVAAAAAJiAcAUAAAAAJiBcAQAAAIAJCFcAAAAAYALCFQAAJrNYLFq1apWjuwEAuMEIVwCAW0qfPn1ksVjybR07dnR01wAAtzgXR3cAAACzdezYUQsWLLArc3Nzc1BvAAC3C2auAAC3HDc3N/n6+tptFStWlHTpkr05c+aoU6dOKlu2rOrUqaOPPvrIbv+9e/fq3nvvVdmyZVW5cmX1799fZ86csavzzjvvqHHjxnJzc1P16tU1aNAgu/dPnDihrl27ysPDQwEBAVq9enXJDhoA4HCEKwDAbWfcuHHq1q2b9uzZo549e+rJJ5/U/v37JUnZ2dmKjIxUxYoVtXPnTi1fvlwbN260C09z5szRwIED1b9/f+3du1erV69WvXr17I4xadIkPfHEE/r222/14IMPqmfPnjp58uQNHScA4MayGIZhOLoTAACYpU+fPlq0aJHc3d3tykePHq3Ro0fLYrHoueee05w5c2zv3X333WrevLneeustvf322xoxYoSOHDmicuXKSZLWrl2rLl266NixY/Lx8VHNmjXVt29fvfzyywX2wWKxaOzYsXrppZckXQpsnp6eWrduHfd+AcAtjHuuAAC3nA4dOtiFJ0mqVKmS7edWrVrZvdeqVSulpKRIkvbv36+goCBbsJKkNm3ayGq16sCBA7JYLDp27Jjuu+++q/ahadOmtp/LlSsnLy8vZWRkFHdIAICbAOEKAHDLKVeuXL7L9MxStmzZQtUrU6aM3WuLxSKr1VoSXQIAlBLccwUAuO1s37493+uGDRtKkho2bKg9e/YoOzvb9v7WrVvl5OSk+vXrq3z58vL391dSUtIN7TMAoPRj5goAcMvJyclRWlqaXZmLi4uqVKkiSVq+fLlatGihe+65R4sXL9aOHTv0n//8R5LUs2dPTZgwQdHR0Zo4caKOHz+uwYMHq1evXvLx8ZEkTZw4Uc8995yqVaumTp066c8//9TWrVs1ePDgGztQAECpQrgCANxy1q9fr+rVq9uV1a9fXz/88IOkSyv5LV26VM8//7yqV6+uDz74QI0aNZIkeXh4aMOGDRo6dKhCQ0Pl4eGhbt26aebMmba2oqOjdf78eb3++usaNmyYqlSposcee+zGDRAAUCqxWiAA4LZisVi0cuVKRUVFOborAIBbDPdcAQAAAIAJCFcAAAAAYALuuQIA3Fa4Gh4AUFKYuQIAAAAAExCuAAAAAMAEhCsAAAAAMAHhCgAAAABMQLgCAAAAABMQrgAAAADABIQrAAAAADAB4QoAAAAATPD/AKevjVg0PX60AAAAAElFTkSuQmCC", "text/plain": [ "
" ] @@ -565,14 +664,10 @@ "early_stop = False\n", "\n", "# get available device\n", - "if torch.backends.mps.is_available():\n", - " device = torch.device('mps')\n", - "elif torch.cuda.is_available():\n", - " device = torch.device('cuda')\n", - "else:\n", - " device = torch.device('cpu')\n", + "device = set_device()\n", "\n", "# Model instantiation\n", + "set_seed(seed=2024) \n", "model = SimpleRNN(input_size, hidden_size, output_size, g, h_val)\n", "model.to(device)\n", "\n", @@ -640,7 +735,7 @@ " break\n", "\n", " # Clear CUDA cache if needed\n", - " if device.type == 'cuda':\n", + " if device == 'cuda':\n", " torch.cuda.empty_cache()\n", "\n", "# Check if training was stopped by early stopping\n", @@ -653,26 +748,19 @@ "print(f'Test Loss: {test_loss}')\n", "\n", "# Clear cache after training\n", - "if device.type == 'cuda':\n", + "if device == 'cuda':\n", " torch.cuda.empty_cache()\n", " \n", "# Determine the number of epochs for which you have loss data\n", "actual_num_epochs = len(epoch_losses) # This will be less than num_epochs if early stopping was triggered\n", "\n", - "plt.figure(figsize=(10, 6))\n", - "plt.plot(range(1, actual_num_epochs + 1), epoch_losses, label='Training Loss')\n", - "plt.plot(range(1, actual_num_epochs + 1), val_losses, label='Validation Loss')\n", - "\n", - "plt.xlabel('Epoch')\n", - "plt.ylabel('Loss')\n", - "plt.title('Training and Validation Loss (SimpleRNN)')\n", - "plt.legend()\n", - "plt.show()\n" + "# Call the plotting function\n", + "plot_training_validation_losses(epoch_losses, val_losses, actual_num_epochs)" ] }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 12, "id": "21dd9a5b-0e80-4464-aa8e-9ec54d225646", "metadata": {}, "outputs": [ @@ -680,46 +768,18 @@ "name": "stdout", "output_type": "stream", "text": [ - "Epoch 1, Training Loss: 0.013483988052030327\n", - "Epoch 1, Validation Loss: 0.006909950030967593\n", - "Epoch 2, Training Loss: 0.005540253018807562\n", - "Epoch 2, Validation Loss: 0.006180816958658397\n", - "Epoch 3, Training Loss: 0.0038825204992463114\n", - "Epoch 3, Validation Loss: 0.008389789646025747\n", - "Epoch 4, Training Loss: 0.0034653926031751325\n", - "Epoch 4, Validation Loss: 0.003357656206935644\n", - "Epoch 5, Training Loss: 0.002416359146081959\n", - "Epoch 5, Validation Loss: 0.00300330308964476\n", - "Epoch 6, Training Loss: 0.0015499874725719565\n", - "Epoch 6, Validation Loss: 0.0018450446659699082\n", - "Epoch 7, Training Loss: 0.0014865639172967349\n", - "Epoch 7, Validation Loss: 0.004893388249911368\n", - "Epoch 8, Training Loss: 0.0017106346704167663\n", - "Epoch 8, Validation Loss: 0.0041883428348228335\n", - "Epoch 9, Training Loss: 0.0016100098764582071\n", - "Epoch 9, Validation Loss: 0.004860532563179731\n", - "Epoch 10, Training Loss: 0.0009320511308033019\n", - "Epoch 10, Validation Loss: 0.005126631329767406\n", - "Epoch 11, Training Loss: 0.0004975470806130033\n", - "Epoch 11, Validation Loss: 0.0032769932644441725\n", - "Epoch 12, Training Loss: 0.0006627936356267128\n", - "Epoch 12, Validation Loss: 0.0031695962650701405\n", - "Epoch 13, Training Loss: 0.00046470543485099824\n", - "Epoch 13, Validation Loss: 0.004211287177167833\n", - "Epoch 14, Training Loss: 0.0005473415530730108\n", - "Epoch 14, Validation Loss: 0.0028208729054313153\n", - "Epoch 15, Training Loss: 0.00020583526256245932\n", - "Epoch 15, Validation Loss: 0.0035711999866180123\n", - "Epoch 16, Training Loss: 0.0001270307561185291\n", - "Epoch 16, Validation Loss: 0.002723747171694413\n", - "Early stopping triggered at epoch 16\n", - "Training stopped due to early stopping at epoch 16\n", - "Test Loss: 0.0014915928004484158\n" + "GPU is enabled in this notebook. \n", + "If you want to disable it, in the menu under `Runtime` -> \n", + "`Hardware accelerator.` and select `None` from the dropdown menu\n", + "Epoch 1, Training Loss: 0.04515342965169111\n", + "Epoch 1, Validation Loss: 0.05182081386446953\n", + "Finished Training\n", + "Test Loss: 0.013666818840041136\n" ] }, { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAA18AAAIjCAYAAAD80aFnAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjYuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8o6BhiAAAACXBIWXMAAA9hAAAPYQGoP6dpAACzCklEQVR4nOzdd1yV5f/H8ddhb1wIqLhxz9zmqiiciVmZWY4syxylmW1Xw1/rm6WVNm1ZZqmZmdvK0tyae6XiAnEBgrLO/fvjlqMkKiBwM97Px+M8OOc+133fnxsOcD7nuq7PZTMMw0BERERERETylJPVAYiIiIiIiBQHSr5ERERERETygZIvERERERGRfKDkS0REREREJB8o+RIREREREckHSr5ERERERETygZIvERERERGRfKDkS0REREREJB8o+RIREREREckHSr5EpEDr378/lStXztG+48aNw2az5W5ABczBgwex2WxMnz49389ts9kYN26c4/H06dOx2WwcPHjwuvtWrlyZ/v3752o8N/JaKU6+//57SpUqxblz56wOJddk9rueF6+x/JCd3yOr7NixAxcXF7Zt22Z1KCKFjpIvEckRm82Wpdtvv/1mdajF3vDhw7HZbOzbt++qbV544QVsNhv//PNPPkaWfceOHWPcuHFs3rzZ6lAc0hPgt956y+pQristLY2xY8cybNgwfHx8rnju888/p0OHDpQqVQp3d3cqV67MgAEDWL9+vUURF0yJiYmMGzcu3/6+dejQIcPfVU9PTxo0aMCkSZOw2+0Z2qa/Hm02Gz/++OMVx0pPVE+ePOnY1r9/f2w2Gw0aNMAwjCv2sdlsDB061PG4Tp06dOnShTFjxuTiVYoUDy5WByAihdNXX32V4fGXX37JkiVLrtheu3btGzrPxx9/fMWbi6x68cUXefbZZ2/o/EVBnz59mDx5MjNmzLjqm6Vvv/2W+vXr06BBgxyf58EHH+S+++7D3d09x8e4nmPHjjF+/HgqV65Mo0aNMjx3I6+V4uLnn39m9+7dDBo0KMP28+fPc9ddd7Fw4ULatWvH888/T6lSpTh48CDff/89X3zxBZGRkVSoUMGiyLNv9+7dODnlzWfMiYmJjB8/HjATo/xQoUIFJk6cCMDJkyeZMWMGI0aMICYmhldffTXTfSZMmMBdd92V5REAW7duZfbs2fTs2fO6bR977DE6d+7M/v37qVatWtYvRKSYU/IlIjnywAMPZHj8999/s2TJkiu2/1diYiJeXl5ZPo+rq2uO4gNwcXHBxUV/5lq0aEH16tX59ttvM02+Vq9ezYEDB/i///u/GzqPs7Mzzs7ON3SMG3Ejr5Xi4vPPP+fmm2+mfPnyGbY//fTTLFy4kHfeeYcnn3wyw3Njx47lnXfeyccoc0defghgBX9//wx/Xx977DFq1arF5MmTmTBhwhW/e40aNWLz5s3MmTOHu+6667rH9/T0JCQkJMsJW1hYGCVLluSLL75gwoQJObsokWJIww5FJM906NCBevXqsWHDBtq1a4eXlxfPP/88AD/99BNdunShXLlyuLu7U61aNV5++WXS0tIyHOO/83guH+L10UcfUa1aNdzd3WnWrBnr1q3LsG9m80DSh8/MnTuXevXq4e7uTt26dVm4cOEV8f/22280bdoUDw8PqlWrxrRp07I8j2zlypXcc889VKxYEXd3d0JCQhgxYgTnz5+/4vp8fHw4evQoERER+Pj4EBAQwKhRo674Xpw9e5b+/fvj7+9PiRIl6NevH2fPnr1uLGD2fu3atYuNGzde8dyMGTOw2Wz07t2b5ORkxowZQ5MmTfD398fb25u2bduyYsWK654js7kqhmHwyiuvUKFCBby8vLjlllvYvn37FfuePn2aUaNGUb9+fXx8fPDz86NTp05s2bLF0ea3336jWbNmAAwYMMAxtCp9vltmc74SEhJ46qmnCAkJwd3dnZo1a/LWW29dMbQqO6+LnDpx4gQDBw4kMDAQDw8PGjZsyBdffHFFu++++44mTZrg6+uLn58f9evX591333U8n5KSwvjx4wkNDcXDw4PSpUvTpk0blixZcs3zX7hwgYULFxIWFpZh+5EjR5g2bRq33377FYkXmEn1qFGjMvR6bdq0iU6dOuHn54ePjw+33XYbf//9d4b90l8Pf/75J8OHDycgIIASJUrw6KOPkpyczNmzZ+nbty8lS5akZMmSjB49OsPP5fLf9XfeeYdKlSrh6elJ+/btszTXKLM5X2fPnmXEiBFUrlwZd3d3KlSoQN++fR1D8LLy+j948CABAQEAjB8/3vE6vHz+465du7j77rspVaoUHh4eNG3alHnz5l0R4/bt27n11lvx9PSkQoUKvPLKK1nuvfXw8KBZs2bEx8dz4sSJK56/7777qFGjBhMmTMh0KOF/OTk58eKLL/LPP/8wZ86c67Z3dXWlQ4cO/PTTT1mKV0RM+khYRPLUqVOn6NSpE/fddx8PPPAAgYGBgPnGzMfHh5EjR+Lj48Py5csZM2YMcXFxvPnmm9c97owZM4iPj+fRRx/FZrPxxhtvcNddd/Hvv/9etwfkzz//ZPbs2Tz++OP4+vry3nvv0bNnTyIjIyldujRgvrns2LEjwcHBjB8/nrS0NCZMmOB403U9s2bNIjExkcGDB1O6dGnWrl3L5MmTOXLkCLNmzcrQNi0tjfDwcFq0aMFbb73F0qVLefvtt6lWrRqDBw8GzCSme/fu/Pnnnzz22GPUrl2bOXPm0K9fvyzF06dPH8aPH8+MGTO46aabMpz7+++/p23btlSsWJGTJ0/yySef0Lt3bx555BHi4+P59NNPCQ8PZ+3atVcM9bueMWPG8Morr9C5c2c6d+7Mxo0bueOOO0hOTs7Q7t9//2Xu3Lncc889VKlShejoaKZNm0b79u3ZsWMH5cqVo3bt2kyYMIExY8YwaNAg2rZtC0Dr1q0zPbdhGNx5552sWLGCgQMH0qhRIxYtWsTTTz/N0aNHr+jNycrrIqfOnz9Phw4d2LdvH0OHDqVKlSrMmjWL/v37c/bsWZ544gkAlixZQu/evbntttt4/fXXAdi5cyd//fWXo824ceOYOHEiDz/8MM2bNycuLo7169ezceNGbr/99qvGsGHDBpKTkzP8/AF+/fVXUlNTefDBB7N0Ldu3b6dt27b4+fkxevRoXF1dmTZtGh06dOD333+nRYsWGdoPGzaMoKAgxo8fz99//81HH31EiRIlWLVqFRUrVuS1115jwYIFvPnmm9SrV4++fftm2P/LL78kPj6eIUOGcOHCBd59911uvfVWtm7d6vh7khXnzp2jbdu27Ny5k4ceeoibbrqJkydPMm/ePI4cOUKZMmWIi4u77us/ICCADz/8kMGDB9OjRw9Hr1L6kN3t27c7ehefffZZvL29+f7774mIiODHH3+kR48eAERFRXHLLbeQmprqaPfRRx/h6emZ5WtKT1BLlChxxXPOzs68+OKL9O3bN8u9X/fffz8vv/wyEyZMoEePHtf9oKlJkyb89NNPxMXF4efnl+W4RYo1Q0QkFwwZMsT475+U9u3bG4AxderUK9onJiZese3RRx81vLy8jAsXLji29evXz6hUqZLj8YEDBwzAKF26tHH69GnH9p9++skAjJ9//tmxbezYsVfEBBhubm7Gvn37HNu2bNliAMbkyZMd27p162Z4eXkZR48edWzbu3ev4eLicsUxM5PZ9U2cONGw2WzGoUOHMlwfYEyYMCFD28aNGxtNmjRxPJ47d64BGG+88YZjW2pqqtG2bVsDMD7//PPrxtSsWTOjQoUKRlpammPbwoULDcCYNm2a45hJSUkZ9jtz5owRGBhoPPTQQxm2A8bYsWMdjz///HMDMA4cOGAYhmGcOHHCcHNzM7p06WLY7XZHu+eff94AjH79+jm2XbhwIUNchmH+rN3d3TN8b9atW3fV6/3vayX9e/bKK69kaHf33XcbNpstw2sgq6+LzKS/Jt98882rtpk0aZIBGF9//bVjW3JystGqVSvDx8fHiIuLMwzDMJ544gnDz8/PSE1NveqxGjZsaHTp0uWaMWXmk08+MQBj69atGbaPGDHCAIxNmzZl6TgRERGGm5ubsX//fse2Y8eOGb6+vka7du0c29JfD+Hh4Rl+/q1atTJsNpvx2GOPObalpqYaFSpUMNq3b+/Ylv599fT0NI4cOeLYvmbNGgMwRowY4diW2e96pUqVMrzGxowZYwDG7Nmzr7im9Piy+vqPiYm54vWf7rbbbjPq16+f4e+Y3W43WrdubYSGhjq2PfnkkwZgrFmzxrHtxIkThr+/f4bfI8Mw/5bWqlXLiImJMWJiYoxdu3YZTz/9tAFc8Vq4/PWYmppqhIaGGg0bNnRcY/r3KiYmxrFPv379DG9vb8MwDOOLL7644vsEGEOGDLniWmfMmHHFNYjItWnYoYjkKXd3dwYMGHDF9ss/3Y2Pj+fkyZO0bduWxMREdu3add3j9urVi5IlSzoep/eC/Pvvv9fdNywsLMME8QYNGuDn5+fYNy0tjaVLlxIREUG5cuUc7apXr06nTp2ue3zIeH0JCQmcPHmS1q1bYxgGmzZtuqL9Y489luFx27ZtM1zLggULcHFxcfSEgfnJ9rBhw7IUD5jz9I4cOcIff/zh2DZjxgzc3Ny45557HMd0c3MDwG63c/r0aVJTU2natGmmQxavZenSpSQnJzNs2LAMn6BnNrTN3d3dURwhLS2NU6dO4ePjQ82aNbN93nQLFizA2dmZ4cOHZ9j+1FNPYRgGv/76a4bt13td3IgFCxYQFBRE7969HdtcXV0ZPnw4586d4/fffwegRIkSJCQkXHMIYYkSJdi+fTt79+7NVgynTp0CyPB7AxAXFweAr6/vdY+RlpbG4sWLiYiIoGrVqo7twcHB3H///fz555+O46UbOHBghp9/ixYtMAyDgQMHOrY5OzvTtGnTTL/XERERGeaoNW/enBYtWrBgwYLrxnu5H3/8kYYNGzp6ni6XHt+Nvv5Pnz7N8uXLuffeex1/106ePMmpU6cIDw9n7969HD16FDBfEy1btqR58+aO/QMCAujTp0+mx961axcBAQEEBARQq1Yt3nzzTe68885rLjOR3vu1ZcsW5s6de934wewlDw0NzdJwxfTX0uWVE0Xk2pR8iUieKl++vOPNzOW2b99Ojx498Pf3x8/Pj4CAAMdk8tjY2Oset2LFihkep78JOHPmTLb3Td8/fd8TJ05w/vx5qlevfkW7zLZlJjIykv79+1OqVCnHPK727dsDV16fh4fHFcMZL48H4NChQwQHB19RHrxmzZpZigfMOSDOzs7MmDEDMOcAzZkzh06dOmV4Q/7FF1/QoEEDx3yigIAAfvnllyz9XC536NAhAEJDQzNsDwgIuCIBsNvtvPPOO4SGhuLu7k6ZMmUICAjgn3/+yfZ5Lz9/uXLlrkgq0itwpseX7nqvixtx6NAhQkNDr6i+999YHn/8cWrUqEGnTp2oUKECDz300BXzziZMmMDZs2epUaMG9evX5+mnn87WEgH/fUOdPlwsPj7+uvvGxMSQmJiY6euudu3a2O12Dh8+nGH7f7+v/v7+AISEhFyxPbPv9X9fPwA1atTI9jpY+/fvp169etdtdyOv/3379mEYBi+99JIjUUq/jR07FsAxPyv9NfFfV/udrly5MkuWLGHRokV88MEHlC9fnpiYGDw8PK4ZU58+fahevXqW536lJ2ybN2++bsKWfryivp6iSG5S8iUieSqz+Qtnz56lffv2bNmyhQkTJvDzzz+zZMkSxxyXrEw4v1pVvay+ucjpvlmRlpbG7bffzi+//MIzzzzD3LlzWbJkieMT6v9eX35VCCxbtiy33347P/74IykpKfz888/Ex8dn+KT966+/pn///lSrVo1PP/2UhQsXsmTJEm699dY8LeP+2muvMXLkSNq1a8fXX3/NokWLWLJkCXXr1s238vF5/brIirJly7J582bmzZvnmK/WqVOnDHP72rVrx/79+/nss8+oV68en3zyCTfddBOffPLJNY+dPm/tvwlOrVq1ALPMeF642vc1s+35+b3OzI2+/tPbjBo1iiVLlmR6y+oHOP/l7e1NWFgYd9xxB4MHD2bBggWsXbvWUcToai5PprJaHCOrCVv6a6lMmTJZvxCRYk4FN0Qk3/3222+cOnWK2bNn065dO8f2AwcOWBjVJWXLlsXDwyPTRYmvtVBxuq1bt7Jnzx6++OKLDMUDrleN7loqVarEsmXLOHfuXIber927d2frOH369GHhwoX8+uuvzJgxAz8/P7p16+Z4/ocffqBq1arMnj07w6fZ6Z/aZzdmgL1792YYohYTE3NFAvDDDz9wyy238Omnn2bYfvbs2Qxv7LLzCXulSpVYunQp8fHxGXq/0oe1pseXHypVqsQ///yD3W7P0PuVWSxubm5069aNbt26Ybfbefzxx5k2bRovvfSS4417qVKlGDBgAAMGDODcuXO0a9eOcePG8fDDD181hvQk68CBA9SvX9+xvVOnTjg7O/P1119ft+hGQEAAXl5emb7udu3ahZOT0xU9Wjcqs+GVe/bsuaKy5fVUq1btulUSs/r6v9rrMP117urqekVVyf+qVKlSpteW1d/pBg0a8MADDzBt2jRGjRqVac9tugceeIBXXnmF8ePHc+edd1732OkJW//+/a+ZsB04cAAnJydq1KiRpZhFRD1fImKB9E+8L/9ENTk5mQ8++MCqkDJwdnYmLCyMuXPncuzYMcf2ffv2XTFP6Gr7Q8brMwwjQ7nw7OrcuTOpqal8+OGHjm1paWlMnjw5W8eJiIjAy8uLDz74gF9//ZW77rorw7ClzGJfs2YNq1evznbMYWFhuLq6Mnny5AzHmzRp0hVtnZ2dr/iEfdasWY75Mem8vb0BslRiv3PnzqSlpTFlypQM29955x1sNluW5+/lhs6dOxMVFcXMmTMd21JTU5k8eTI+Pj6OIanp87LSOTk5OaroJSUlZdrGx8eH6tWrO56/miZNmuDm5sb69eszbA8JCeGRRx5h8eLFmb6e7HY7b7/9NkeOHMHZ2Zk77riDn376KcOwv+joaGbMmEGbNm1yverd3LlzM7wO1q5dy5o1a7L98+vZsydbtmzJtIx6+msvq6//9LUK//s6LFu2LB06dGDatGkcP378ivPExMQ47nfu3Jm///6btWvXZnj+m2++yfI1jR49mpSUFP73v/9ds93lvV+ZlbzPzAMPPED16tUdi0lnZsOGDdStW9cxlFRErk89XyKS71q3bk3JkiXp168fw4cPx2az8dVXX1k+5Ohy48aNY/Hixdx8880MHjzY8Sa+Xr16bN68+Zr71qpVi2rVqjFq1CiOHj2Kn58fP/744w3NHerWrRs333wzzz77LAcPHqROnTrMnj072/OhfHx8iIiIcMz7+u/k/q5duzJ79mx69OhBly5dOHDgAFOnTqVOnTqcO3cuW+dKX69s4sSJdO3alc6dO7Np0yZ+/fXXK4Ypde3alQkTJjBgwABat27N1q1b+eabbzL0mIHZe1GiRAmmTp2Kr68v3t7etGjRgipVqlxx/m7dunHLLbfwwgsvcPDgQRo2bMjixYv56aefePLJJzMU18gNy5Yt48KFC1dsj4iIYNCgQUybNo3+/fuzYcMGKleuzA8//MBff/3FpEmTHD1zDz/8MKdPn+bWW2+lQoUKHDp0iMmTJ9OoUSPH/LA6derQoUMHmjRpQqlSpVi/fj0//PADQ4cOvWZ8Hh4e3HHHHSxduvSKRXHffvtt9u/fz/Dhw5k9ezZdu3alZMmSREZGMmvWLHbt2sV9990HwCuvvMKSJUto06YNjz/+OC4uLkybNo2kpCTeeOON3PhWZlC9enXatGnD4MGDSUpKYtKkSZQuXZrRo0dn6zhPP/00P/zwA/fccw8PPfQQTZo04fTp08ybN4+pU6fSsGHDLL/+PT09qVOnDjNnzqRGjRqUKlWKevXqUa9ePd5//33atGlD/fr1eeSRR6hatSrR0dGsXr2aI0eOONauGz16NF999RUdO3bkiSeecJSaT+8lzYo6derQuXNnPvnkE1566aVrLonQp08fXn755ev+/Urn7OzMCy+8kGnBJDDXm/v99995/PHHs3Q8EbkoP0srikjRdbVS83Xr1s20/V9//WW0bNnS8PT0NMqVK2eMHj3aWLRokQEYK1ascLS7Wqn5zMp685/Sz1crNZ9ZyeT/lqU2DMNYtmyZ0bhxY8PNzc2oVq2a8cknnxhPPfWU4eHhcZXvwiU7duwwwsLCDB8fH6NMmTLGI4884ihdfnmZ9MtLPF8us9hPnTplPPjgg4afn5/h7+9vPPjgg8amTZuyXGo+3S+//GIARnBw8BXl3e12u/Haa68ZlSpVMtzd3Y3GjRsb8+fPv+LnYBjXLzVvGIaRlpZmjB8/3ggODjY8PT2NDh06GNu2bbvi+33hwgXjqaeecrS7+eabjdWrVxvt27fPUH7cMMxlBerUqeMo+59+7ZnFGB8fb4wYMcIoV66c4erqaoSGhhpvvvlmhtLn6deS1dfFf6W/Jq92++qrrwzDMIzo6GhjwIABRpkyZQw3Nzejfv36V/zcfvjhB+OOO+4wypYta7i5uRkVK1Y0Hn30UeP48eOONq+88orRvHlzo0SJEoanp6dRq1Yt49VXXzWSk5OvGadhGMbs2bMNm81mREZGXvFcamqq8cknnxht27Y1/P39DVdXV6NSpUrGgAEDrihDv3HjRiM8PNzw8fExvLy8jFtuucVYtWpVhjbpr4d169Zl2J5ZqXPDuPJ34fLf9bffftsICQkx3N3djbZt2xpbtmzJ9JiXy+xnd+rUKWPo0KFG+fLlDTc3N6NChQpGv379jJMnTxqGkb3X/6pVq4wmTZoYbm5uV/wu7N+/3+jbt68RFBRkuLq6GuXLlze6du1q/PDDDxmO8c8//xjt27c3PDw8jPLlyxsvv/yy8emnn2Zaav5qf0t/++23DOe/1t/I9J/Jf7//V/s7lJKSYlSrVi3T349ff/3VAIy9e/dmGpeIZM5mGAXoo2YRkQIuIiIiR2W+RQqCtLQ06tSpw7333svLL79sdTjXdPDgQapUqcKbb77JqFGjrA5H/iMiIgKbzZbpME4RuTrN+RIRuYrz589neLx3714WLFhAhw4drAlI5AY5OzszYcIE3n///WwPIxVJt3PnTubPn1/gE3iRgkhzvkRErqJq1ar079+fqlWrcujQIT788EPc3NyyPddEpCDp1asXvXr1sjoMKcRq165Namqq1WGIFEpKvkRErqJjx458++23REVF4e7uTqtWrXjttdcyXRhVRERE5Ho050tERERERCQfaM6XiIiIiIhIPlDyJSIiIiIikg805yuH7HY7x44dw9fXF5vNZnU4IiIiIiJiEcMwiI+Pp1y5cjg5Xb1/S8lXDh07doyQkBCrwxARERERkQLi8OHDVKhQ4arPW558vf/++7z55ptERUXRsGFDJk+eTPPmza/aftasWbz00kscPHiQ0NBQXn/9dTp37ux4fvbs2UydOpUNGzZw+vRpNm3aRKNGjTI9lmEYdO7cmYULFzJnzhwiIiKyHLevry9gfoP9/PyyvJ+IiIiIiBQtcXFxhISEOHKEq7E0+Zo5cyYjR45k6tSptGjRgkmTJhEeHs7u3bspW7bsFe1XrVpF7969mThxIl27dmXGjBlERESwceNG6tWrB0BCQgJt2rTh3nvv5ZFHHrnm+SdNmpTjIYPp+/n5+Sn5EhERERGR6+YWlpaab9GiBc2aNWPKlCmAOY8qJCSEYcOG8eyzz17RvlevXiQkJDB//nzHtpYtW9KoUSOmTp2aoe3BgwepUqXKVXu+Nm/eTNeuXVm/fj3BwcHX7flKSkoiKSnJ8Tg9u42NjVXyJSIiIiJSjMXFxeHv73/d3MCyaofJycls2LCBsLCwS8E4OREWFsbq1asz3Wf16tUZ2gOEh4dftf3VJCYmcv/99/P+++8TFBSUpX0mTpyIv7+/46b5XiIiIiIikh2WJV8nT54kLS2NwMDADNsDAwOJiorKdJ+oqKhstb+aESNG0Lp1a7p3757lfZ577jliY2Mdt8OHD2frnCIiIiIiUrxZXnAjv82bN4/ly5ezadOmbO3n7u6Ou7t7HkUlIiIiIjfKMAxSU1NJS0uzOhQpYpydnXFxcbnhJaYsS77KlCmDs7Mz0dHRGbZHR0dfdShgUFBQttpnZvny5ezfv58SJUpk2N6zZ0/atm3Lb7/9luVjiYiIiEjBkJyczPHjx0lMTLQ6FCmivLy8CA4Oxs3NLcfHsCz5cnNzo0mTJixbtsxR6MJut7Ns2TKGDh2a6T6tWrVi2bJlPPnkk45tS5YsoVWrVlk+77PPPsvDDz+cYVv9+vV555136NatW7avQ0RERESsZbfbOXDgAM7OzpQrVw43N7cb7qEQSWcYBsnJycTExHDgwAFCQ0OvuZDytVg67HDkyJH069ePpk2b0rx5cyZNmkRCQgIDBgwAoG/fvpQvX56JEycC8MQTT9C+fXvefvttunTpwnfffcf69ev56KOPHMc8ffo0kZGRHDt2DIDdu3cDZq/Z5bf/qlixIlWqVMnrSxYRERGRXJacnOyomu3l5WV1OFIEeXp64urqyqFDh0hOTsbDwyNHx7E0+erVqxcxMTGMGTOGqKgoGjVqxMKFCx1FNSIjIzNkla1bt2bGjBm8+OKLPP/884SGhjJ37lzHGl9gzulKT94A7rvvPgDGjh3LuHHj8ufCRERERCTf5bQ3QiQrcuP1Zek6X4VZVmv5i4iIiEjeunDhAgcOHKBKlSo57pEQuZ5rvc4K/DpfIiIiIiIixYmSLxERERGRIqRy5cpMmjQpy+1/++03bDYbZ8+ezbOYxKTkS0RERETEAjab7Zq3nNYrWLduHYMGDcpy+9atW3P8+HH8/f1zdL6sUpJXDBdZFhEREREpCI4fP+64P3PmTMaMGeOo1A3g4+PjuG8YBmlpabi4XP/te0BAQLbicHNzy9a6uZJz6vkSERERkSLHMAwSk1MtuWW1nt3lyyD5+/tjs9kcj3ft2oWvry+//vorTZo0wd3dnT///JP9+/fTvXt3AgMD8fHxoVmzZixdujTDcf877NBms/HJJ5/Qo0cPvLy8CA0NZd68eY7n/9sjNX36dEqUKMGiRYuoXbs2Pj4+dOzYMUOymJqayvDhwylRogSlS5fmmWeeoV+/fo71e3PizJkz9O3bl5IlS+Ll5UWnTp3Yu3ev4/lDhw7RrVs3SpYsibe3N3Xr1mXBggWOffv06UNAQACenp6Ehoby+eef5ziWvKKeLxEREREpcs6npFFnzCJLzr1jQjhebrnzNvvZZ5/lrbfeomrVqpQsWZLDhw/TuXNnXn31Vdzd3fnyyy/p1q0bu3fvpmLFilc9zvjx43njjTd48803mTx5Mn369OHQoUOUKlUq0/aJiYm89dZbfPXVVzg5OfHAAw8watQovvnmGwBef/11vvnmGz7//HNq167Nu+++y9y5c7nllltyfK39+/dn7969zJs3Dz8/P5555hk6d+7Mjh07cHV1ZciQISQnJ/PHH3/g7e3Njh07HL2DL730Ejt27ODXX3+lTJky7Nu3j/Pnz+c4lryi5EtEREREpICaMGECt99+u+NxqVKlaNiwoePxyy+/zJw5c5g3bx5Dhw696nH69+9P7969AXjttdd47733WLt2LR07dsy0fUpKClOnTqVatWoADB06lAkTJjienzx5Ms899xw9evQAYMqUKY5eqJxIT7r++usvWrduDcA333xDSEgIc+fO5Z577iEyMpKePXtSv359AKpWrerYPzIyksaNG9O0aVPA7P0riJR8FXJJqWlsijzLkTPnubtJBavDERERESkQPF2d2TEh3LJz55b0ZCLduXPnGDduHL/88gvHjx8nNTWV8+fPExkZec3jNGjQwHHf29sbPz8/Tpw4cdX2Xl5ejsQLIDg42NE+NjaW6Ohomjdv7nje2dmZJk2aYLfbs3V96Xbu3ImLiwstWrRwbCtdujQ1a9Zk586dAAwfPpzBgwezePFiwsLC6Nmzp+O6Bg8eTM+ePdm4cSN33HEHERERjiSuINGcr0IuNjGF+z76m9E/bOFCSprV4YiIiIgUCDabDS83F0tuNpst167D29s7w+NRo0YxZ84cXnvtNVauXMnmzZupX78+ycnJ1zyOq6vrFd+fayVKmbXP6ly2vPLwww/z77//8uCDD7J161aaNm3K5MmTAejUqROHDh1ixIgRHDt2jNtuu41Ro0ZZGm9mlHwVcgG+7pTxccNuwO6oeKvDEREREZE89Ndff9G/f3969OhB/fr1CQoK4uDBg/kag7+/P4GBgaxbt86xLS0tjY0bN+b4mLVr1yY1NZU1a9Y4tp06dYrdu3dTp04dx7aQkBAee+wxZs+ezVNPPcXHH3/seC4gIIB+/frx9ddfM2nSJD766KMcx5NXNOywkLPZbNQO9mPl3pNsPxZHw5ASVockIiIiInkkNDSU2bNn061bN2w2Gy+99FKOh/rdiGHDhjFx4kSqV69OrVq1mDx5MmfOnMlSr9/WrVvx9fV1PLbZbDRs2JDu3bvzyCOPMG3aNHx9fXn22WcpX7483bt3B+DJJ5+kU6dO1KhRgzNnzrBixQpq164NwJgxY2jSpAl169YlKSmJ+fPnO54rSJR8FQF1ypnJ147jsVaHIiIiIiJ56H//+x8PPfQQrVu3pkyZMjzzzDPExcXlexzPPPMMUVFR9O3bF2dnZwYNGkR4eDjOztef79auXbsMj52dnUlNTeXzzz/niSeeoGvXriQnJ9OuXTsWLFjgGAKZlpbGkCFDOHLkCH5+fnTs2JF33nkHMNcqe+655zh48CCenp60bduW7777Lvcv/AbZDKsHbxZScXFx+Pv7Exsbi5+fn6Wx/LT5KE98t5mbKpZg9uM3WxqLiIiISH67cOECBw4coEqVKnh4eFgdTrFkt9upXbs29957Ly+//LLV4eSJa73OspobqOerCKhbzvwB74qKJ81u4OyUe5M8RURERET+69ChQyxevJj27duTlJTElClTOHDgAPfff7/VoRVoKrhRBFQp44OHqxOJyWkcOpVgdTgiIiIiUsQ5OTkxffp0mjVrxs0338zWrVtZunRpgZxnVZCo56sIcHayUSvIj82Hz7LjeBxVA3ysDklEREREirCQkBD++usvq8ModNTzVUTUuTj0cMex/J9wKSIiIiIi16fkq4ioE2wmX9uVfImIiIiIFEhKvooIR8/XcSVfIiIiIiIFkZKvIqJWkC82G8TEJ3Ei/oLV4YiIiIiIyH8o+SoivNxcqFLGG4Cdx+MtjkZERERERP5LyVcRUrecP6CiGyIiIiIiBZGSryIkveiG5n2JiIiIFB8dOnTgySefdDyuXLkykyZNuuY+NpuNuXPn3vC5c+s4xYWSryLkUrn5WIsjEREREZHr6datGx07dsz0uZUrV2Kz2fjnn3+yfdx169YxaNCgGw0vg3HjxtGoUaMrth8/fpxOnTrl6rn+a/r06ZQoUSJPz5FflHwVIek9X/+eTCAxOdXiaERERETkWgYOHMiSJUs4cuTIFc99/vnnNG3alAYNGmT7uAEBAXh5eeVGiNcVFBSEu7t7vpyrKFDyVYQE+LoT4OuOYcCuKBXdEBERkWLMMCA5wZqbYWQpxK5duxIQEMD06dMzbD937hyzZs1i4MCBnDp1it69e1O+fHm8vLyoX78+33777TWP+99hh3v37qVdu3Z4eHhQp04dlixZcsU+zzzzDDVq1MDLy4uqVavy0ksvkZKSApg9T+PHj2fLli3YbDZsNpsj5v8OO9y6dSu33nornp6elC5dmkGDBnHu3DnH8/379yciIoK33nqL4OBgSpcuzZAhQxznyonIyEi6d++Oj48Pfn5+3HvvvURHRzue37JlC7fccgu+vr74+fnRpEkT1q9fD8ChQ4fo1q0bJUuWxNvbm7p167JgwYIcx3I9Lnl2ZLFEnWA/fo+PYcexOG6qWNLqcERERESskZIIr5Wz5tzPHwM37+s2c3FxoW/fvkyfPp0XXngBm80GwKxZs0hLS6N3796cO3eOJk2a8Mwzz+Dn58cvv/zCgw8+SLVq1WjevPl1z2G327nrrrsIDAxkzZo1xMbGZpgfls7X15fp06dTrlw5tm7dyiOPPIKvry+jR4+mV69ebNu2jYULF7J06VIA/P39rzhGQkIC4eHhtGrVinXr1nHixAkefvhhhg4dmiHBXLFiBcHBwaxYsYJ9+/bRq1cvGjVqxCOPPHLd68ns+tITr99//53U1FSGDBlCr169+O233wDo06cPjRs35sMPP8TZ2ZnNmzfj6uoKwJAhQ0hOTuaPP/7A29ubHTt24OPjk+04skrJVxFTp5wfv++JUdENERERkULgoYce4s033+T333+nQ4cOgDnksGfPnvj7++Pv78+oUaMc7YcNG8aiRYv4/vvvs5R8LV26lF27drFo0SLKlTOT0ddee+2KeVovvvii437lypUZNWoU3333HaNHj8bT0xMfHx9cXFwICgq66rlmzJjBhQsX+PLLL/H2NpPPKVOm0K1bN15//XUCAwMBKFmyJFOmTMHZ2ZlatWrRpUsXli1blqPka9myZWzdupUDBw4QEhICwJdffkndunVZt24dzZo1IzIykqeffppatWoBEBoa6tg/MjKSnj17Ur9+fQCqVq2a7RiyQ8lXEeOoeKhy8yIiIlKcuXqZPVBWnTuLatWqRevWrfnss8/o0KED+/btY+XKlUyYMAGAtLQ0XnvtNb7//nuOHj1KcnIySUlJWZ7TtXPnTkJCQhyJF0CrVq2uaDdz5kzee+899u/fz7lz50hNTcXPzy/L15F+roYNGzoSL4Cbb74Zu93O7t27HclX3bp1cXZ2drQJDg5m69at2TrX5ecMCQlxJF4AderUoUSJEuzcuZNmzZoxcuRIHn74Yb766ivCwsK45557qFatGgDDhw9n8ODBLF68mLCwMHr27JmjeXZZpTlfRUzdixUPd0XFkWbP2nhjERERkSLHZjOH/llxuzh8MKsGDhzIjz/+SHx8PJ9//jnVqlWjffv2ALz55pu8++67PPPMM6xYsYLNmzcTHh5OcnJyrn2rVq9eTZ8+fejcuTPz589n06ZNvPDCC7l6jsulD/lLZ7PZsNvteXIuMCs1bt++nS5durB8+XLq1KnDnDlzAHj44Yf5999/efDBB9m6dStNmzZl8uTJeRaLkq8iplJpb7zcnLmQYufAyQSrwxERERGR67j33ntxcnJixowZfPnllzz00EOO+V9//fUX3bt354EHHqBhw4ZUrVqVPXv2ZPnYtWvX5vDhwxw/ftyx7e+//87QZtWqVVSqVIkXXniBpk2bEhoayqFDhzK0cXNzIy0t7brn2rJlCwkJl96D/vXXXzg5OVGzZs0sx5wd6dd3+PBhx7YdO3Zw9uxZ6tSp49hWo0YNRowYweLFi7nrrrv4/PPPHc+FhITw2GOPMXv2bJ566ik+/vjjPIkVlHwVOc5ONmoF+QKwXet9iYiIiBR4Pj4+9OrVi+eee47jx4/Tv39/x3OhoaEsWbKEVatWsXPnTh599NEMlfyuJywsjBo1atCvXz+2bNnCypUreeGFFzK0CQ0NJTIyku+++479+/fz3nvvOXqG0lWuXJkDBw6wefNmTp48SVJS0hXn6tOnDx4eHvTr149t27axYsUKhg0bxoMPPugYcphTaWlpbN68OcNt586dhIWFUb9+ffr06cPGjRtZu3Ytffv2pX379jRt2pTz588zdOhQfvvtNw4dOsRff/3FunXrqF27NgBPPvkkixYt4sCBA2zcuJEVK1Y4nssLSr6KIMdiyyq6ISIiIlIoDBw4kDNnzhAeHp5hftaLL77ITTfdRHh4OB06dCAoKIiIiIgsH9fJyYk5c+Zw/vx5mjdvzsMPP8yrr76aoc2dd97JiBEjGDp0KI0aNWLVqlW89NJLGdr07NmTjh07cssttxAQEJBpuXsvLy8WLVrE6dOnadasGXfffTe33XYbU6ZMyd43IxPnzp2jcePGGW7dunXDZrPx008/UbJkSdq1a0dYWBhVq1Zl5syZADg7O3Pq1Cn69u1LjRo1uPfee+nUqRPjx48HzKRuyJAh1K5dm44dO1KjRg0++OCDG473amyGkcWFCCSDuLg4/P39iY2NzfZkxLw2Y00kz8/ZStvQMnw1sIXV4YiIiIjkqQsXLnDgwAGqVKmCh4eH1eFIEXWt11lWcwP1fBVBjp6vY3EotxYRERERKRiUfBVBNQN9cbLBqYRkYuKvHI8rIiIiIiL5T8lXEeTp5ky1AHNl7u2a9yUiIiIiUiAo+SqiLh96KCIiIiIi1lPyVUTVCVbyJSIiIsWL5rpLXsqN15eSryJK5eZFRESkuHB1dQUgMTHR4kikKEt/faW/3nLCJbeCkYKl9sWer4OnEjiXlIqPu37UIiIiUjQ5OztTokQJTpw4AZjrTdlsNoujkqLCMAwSExM5ceIEJUqUwNnZOcfH0jvyIqqMjzuBfu5ExyWxOyqOJpVKWR2SiIiISJ4JCgoCcCRgIrmtRIkSjtdZTin5KsLqBPsRHRfDjmNKvkRERKRos9lsBAcHU7ZsWVJSUqwOR4oYV1fXG+rxSqfkqwirW86fFbtjNO9LREREig1nZ+dceZMskhdUcKMIU7l5EREREZGCQ8lXEZZebn5XVDypaXaLoxERERERKd6UfBVhFUt54e3mTFKqnX9PJlgdjoiIiIhIsabkqwhzcrI5Ss5r6KGIiIiIiLWUfBVxWmxZRERERKRgUPJVxNVRz5eIiIiISIGg5KuIu7znyzAMi6MRERERESm+LE++3n//fSpXroyHhwctWrRg7dq112w/a9YsatWqhYeHB/Xr12fBggUZnp89ezZ33HEHpUuXxmazsXnz5gzPnz59mmHDhlGzZk08PT2pWLEiw4cPJzY2NrcvrUCoEeiLs5ON0wnJRMclWR2OiIiIiEixZWnyNXPmTEaOHMnYsWPZuHEjDRs2JDw8nBMnTmTaftWqVfTu3ZuBAweyadMmIiIiiIiIYNu2bY42CQkJtGnThtdffz3TYxw7doxjx47x1ltvsW3bNqZPn87ChQsZOHBgnlyj1Txcnake4APAjuNFM8EUERERESkMbIaFY9FatGhBs2bNmDJlCgB2u52QkBCGDRvGs88+e0X7Xr16kZCQwPz58x3bWrZsSaNGjZg6dWqGtgcPHqRKlSps2rSJRo0aXTOOWbNm8cADD5CQkICLi0uWYo+Li8Pf35/Y2Fj8/PyytI9VRszczJxNR3nq9hoMuy3U6nBERERERIqUrOYGlvV8JScns2HDBsLCwi4F4+REWFgYq1evznSf1atXZ2gPEB4eftX2WZX+TbpW4pWUlERcXFyGW2HhKLqhiociIiIiIpaxLPk6efIkaWlpBAYGZtgeGBhIVFRUpvtERUVlq31W43j55ZcZNGjQNdtNnDgRf39/xy0kJCTH58xvKjcvIiIiImI9ywtuWCkuLo4uXbpQp04dxo0bd822zz33HLGxsY7b4cOH8yfIXJC+0PKhU4nEX0ixOBoRERERkeLJsuSrTJkyODs7Ex0dnWF7dHQ0QUFBme4TFBSUrfbXEh8fT8eOHfH19WXOnDm4urpes727uzt+fn4ZboVFKW83gv09ANgVFW9xNCIiIiIixZNlyZebmxtNmjRh2bJljm12u51ly5bRqlWrTPdp1apVhvYAS5YsuWr7q4mLi+OOO+7Azc2NefPm4eHhkf0LKGTqltNiyyIiIiIiVspaab88MnLkSPr160fTpk1p3rw5kyZNIiEhgQEDBgDQt29fypcvz8SJEwF44oknaN++PW+//TZdunThu+++Y/369Xz00UeOY54+fZrIyEiOHTsGwO7duwGz1ywoKMiReCUmJvL1119nKJ4REBCAs7Nzfn4L8k2dYD+W7jyh5EtERERExCKWJl+9evUiJiaGMWPGEBUVRaNGjVi4cKGjqEZkZCROTpc651q3bs2MGTN48cUXef755wkNDWXu3LnUq1fP0WbevHmO5A3gvvvuA2Ds2LGMGzeOjRs3smbNGgCqV6+eIZ4DBw5QuXLlvLpcS6UX3diutb5ERERERCxh6TpfhVlhWucLIPJUIu3eXIGbsxPbJ4Tj6lysa62IiIiIiOSaAr/Ol+SvCiU98XV3ITnNzv6Yc1aHIyIiIiJS7Cj5KiacnGyOkvOa9yUiIiIikv+UfBUjdVTxUERERETEMkq+ihFH8nVcyZeIiIiISH5T8lWM1Am+lHypzoqIiIiISP5S8lWMhAb64OJk42xiCsdiL1gdjoiIiIhIsaLkqxhxd3GmelkfQPO+RERERETym5KvYkZFN0RERERErKHkq5i5NO8r1uJIRERERESKFyVfxYwqHoqIiIiIWEPJVzGT3vN1+PR5Ys+nWByNiIiIiEjxoeSrmCnh5Ub5Ep4A7FLvl4iIiIhIvlHyVQylDz3crqIbIiIiIiL5RslXMXT5YssiIiIiIpI/lHwVQyo3LyIiIiKS/5R8FUPpPV97T8STnGq3OBoRERERkeJByVcxVKGkJ74eLqSkGew7cc7qcEREREREigUlX8WQzWbTvC8RERERkXym5KuYqlvOH9C8LxERERGR/KLkq5i6VG4+1uJIRERERESKByVfxdTlww4Nw7A4GhERERGRok/JVzFVvawPrs424i+kcuTMeavDEREREREp8pR8FVNuLk6ElvUFVHRDRERERCQ/KPkqxrTYsoiIiIhI/lHyVYyp3LyIiIiISP5R8lWM1VXPl4iIiIhIvlHyVYzVvph8HT17nrOJyRZHIyIiIiJStCn5Ksb8PFwJKeUJaOihiIiIiEheU/JVzDnmfWnooYiIiIhInlLyVczVCfYH1PMlIiIiIpLXlHwVcyo3LyIiIiKSP5R8FXPpyde+E+dISk2zOBoRERERkaJLyVcxV87fA39PV1LtBnujz1kdjoiIiIhIkaXkq5iz2Wxa70tEREREJB8o+ZJLFQ9VdENEREREJM8o+RIV3RARERERyQdKvuRS8nU8DrvdsDgaEREREZGiScmXUC3ABzdnJ84lpXLkzHmrwxERERERKZKUfAmuzk7UCPIBYMfxWIujEREREREpmpR8CXBZ0Q3N+xIRERERyRNKvgSAuuX8AVU8FBERERHJK0q+BLhUdGO7er5ERERERPKEki8BoFaQLwDHYy9wOiHZ4mhERERERIoeJV8CgK+HK5VKewGwU0MPRURERERynZIvcVDRDRERERGRvKPkSxwcyZd6vkREREREcp2SL3FIL7qhni8RERERkdyn5Esc0svN74s5x4WUNIujEREREREpWpR8iUOgnzulvN1IsxvsiY63OhwRERERkSJFyZc42Gw2Fd0QEREREckjSr4kA8e8LxXdEBERERHJVUq+JAP1fImIiIiI5A3Lk6/333+fypUr4+HhQYsWLVi7du0128+aNYtatWrh4eFB/fr1WbBgQYbnZ8+ezR133EHp0qWx2Wxs3rz5imNcuHCBIUOGULp0aXx8fOjZsyfR0dG5eVmFVnrP187jcdjthsXRiIiIiIgUHZYmXzNnzmTkyJGMHTuWjRs30rBhQ8LDwzlx4kSm7VetWkXv3r0ZOHAgmzZtIiIigoiICLZt2+Zok5CQQJs2bXj99devet4RI0bw888/M2vWLH7//XeOHTvGXXfdlevXVxhVLeONm4sTCclpRJ5OtDocEREREZEiw2YYhmXdGy1atKBZs2ZMmTIFALvdTkhICMOGDePZZ5+9on2vXr1ISEhg/vz5jm0tW7akUaNGTJ06NUPbgwcPUqVKFTZt2kSjRo0c22NjYwkICGDGjBncfffdAOzatYvatWuzevVqWrZsmaXY4+Li8Pf3JzY2Fj8/v+xeeoF255Q/+edILB/0uYnO9YOtDkdEREREpEDLam5gWc9XcnIyGzZsICws7FIwTk6EhYWxevXqTPdZvXp1hvYA4eHhV22fmQ0bNpCSkpLhOLVq1aJixYrXPE5SUhJxcXEZbkVV3YtDD7cfi7U4EhERERGRosOy5OvkyZOkpaURGBiYYXtgYCBRUVGZ7hMVFZWt9lc7hpubGyVKlMjWcSZOnIi/v7/jFhISkuVzFjYquiEiIiIikvssL7hRWDz33HPExsY6bocPH7Y6pDyjcvMiIiIiIrnPxaoTlylTBmdn5yuqDEZHRxMUFJTpPkFBQdlqf7VjJCcnc/bs2Qy9X9c7jru7O+7u7lk+T2FWM8gPmw2i45I4eS6JMj7F47pFRERERPKSZT1fbm5uNGnShGXLljm22e12li1bRqtWrTLdp1WrVhnaAyxZsuSq7TPTpEkTXF1dMxxn9+7dREZGZus4RZmPuwuVS3sDZsl5ERERERG5cZb1fAGMHDmSfv360bRpU5o3b86kSZNISEhgwIABAPTt25fy5cszceJEAJ544gnat2/P22+/TZcuXfjuu+9Yv349H330keOYp0+fJjIykmPHjgFmYgVmj1dQUBD+/v4MHDiQkSNHUqpUKfz8/Bg2bBitWrXKcqXD4qBOsB8HTiaw41gcbUMDrA5HRERERKTQszT56tWrFzExMYwZM4aoqCgaNWrEwoULHUU1IiMjcXK61DnXunVrZsyYwYsvvsjzzz9PaGgoc+fOpV69eo428+bNcyRvAPfddx8AY8eOZdy4cQC88847ODk50bNnT5KSkggPD+eDDz7IhysuPOqU8+OXrcc170tEREREJJdYus5XYVaU1/kCWLH7BAM+X0f1sj4sHdne6nBERERERAqsAr/OlxRsdS+Wm/835hznk9MsjkZEREREpPBT8iWZCvB1p4yPG3YDdkfHWx2OiIiIiEihp+RLMmWz2aitxZZFRERERHKNki+5qkuLLcdaHImIiIiISOGn5Euuqo56vkREREREco2SL7mquhd7vnZFxZNmV1FMEREREZEboeRLrqpKGR88XJ1ITE7j4KkEq8MRERERESnUlHzJVTk72agVpKGHIiIiIiK5QcmXXNOlohtKvkREREREboSSL7kmFd0QEREREckdSr7kmtTzJSIiIiKSO5R8yTXVCvLFZoOY+CROxF+wOhwRERERkUJLyZdck5ebC1XKeAOw83i8xdGIiIiIiBReSr7kutLnfW0/FmtxJCIiIiIihZeSL7muuuX8ARXdEBERERG5EUq+5LpUdENERERE5MYp+ZLrSh92eOBkAonJqRZHIyIiIiJSOCn5kusK8HUnwNcdw4BdUSq6ISIiIiKSE0q+JEu02LKIiIiIyI1R8iVZonlfIiIiIiI3RsmXZMmlcvNKvkREREREckLJl2RJ3Ys9X7uOx5GaZrc4GhERERGRwkfJl2RJpdLeeLk5k5Rq5+CpBKvDEREREREpdJR8SZY4O9moFeQLaOihiIiIiEhOKPmSLFPRDRERERGRnFPyJVlWJ9gfULl5EREREZGcUPIlWebo+ToWh2EYFkcjIiIiIlK4KPmSLKsZ6IuTDU4lJBMTn2R1OCIiIiIihYqSL8kyTzdnqgX4ACq6ISIiIiKSXUq+JFtUdENEREREJGeUfEm21Am+NO9LRERERESyTsmXZIt6vkREREREckbJl2RL7Ys9XwdPJXAuKdXiaERERERECg8lX5ItZXzcCfRzxzBgd5R6v0REREREskrJl2Sb5n2JiIiIiGSfki/JtvR5Xyo3LyIiIiKSdUq+JNvqlvMHVHRDRERERCQ7lHxJtqUPO9wVFU9qmt3iaERERERECgclX5JtFUt54e3mTHKqnX9PJlgdjoiIiIhIoaDkS7LNycnmKDmvohsiIiIiIlmj5EtyRIsti4iIiIhkj5IvyRGVmxcRERERyR4lX5Ijl8rNx2IYhsXRWCTlPKSlWh2FiIiIiBQSSr4kR2oE+uLsZONMYgpRcResDif/xR6F9xrDRx3AroqPIiIiInJ9Sr4kRzxcnake4AMUw6GHhgHzhkH8cYjeCsc3Wx2RiIiIiBQCSr4kxxxFN4pb8rXxC9i/7NLjPYusi0VERERECg0lX5JjjqIbxani4ZlDsOgF836F5ubXPQuti0dERERECg0lX5Jjxa7cvN0OPw2B5HMQ0hJ6fQXYzGGHccetjk5ERERECjglX5Jj6QstHzqVSPyFFIujyQfrPoaDK8HVCyI+AN8gKN/EfG7vYmtjExEREZECT8mX5FgpbzeC/T0A2Hk83uJo8tip/bBkrHk/bDyUrmber9HR/Kp5XyIiIiJyHUq+5IbUdRTdiLU4kjxkT4O5gyH1PFRuC80evvRcjXDz678rIKUYltwXERERkSxT8iU3pFgU3Vj9PhxeA24+0P19cLrs1yaoPviWg5REOPindTGKiIiISIFnefL1/vvvU7lyZTw8PGjRogVr1669ZvtZs2ZRq1YtPDw8qF+/PgsWLMjwvGEYjBkzhuDgYDw9PQkLC2Pv3r0Z2uzZs4fu3btTpkwZ/Pz8aNOmDStWrMj1aysOinzRjRO7YPkr5v3w16BkpYzP22yXer9U9VBERERErsHS5GvmzJmMHDmSsWPHsnHjRho2bEh4eDgnTpzItP2qVavo3bs3AwcOZNOmTURERBAREcG2bdscbd544w3ee+89pk6dypo1a/D29iY8PJwLFy4NCevatSupqaksX76cDRs20LBhQ7p27UpUVFSeX3NRUyfYH4A9UedISbNbHE0uS0s1hxumJUH12+Gmvpm3u3zel2HkX3wiIiIiUqjYDMO6d4stWrSgWbNmTJkyBQC73U5ISAjDhg3j2WefvaJ9r169SEhIYP78+Y5tLVu2pFGjRkydOhXDMChXrhxPPfUUo0aNAiA2NpbAwECmT5/Offfdx8mTJwkICOCPP/6gbdu2AMTHx+Pn58eSJUsICwvLUuxxcXH4+/sTGxuLn5/fjX4rCi273aDh+MXEJ6Wy8Mm21AoqQt+LP940e708/OHxv8GvXObtkhPhjSqQegEGr4bAOvkbp4iIiIhYKqu5gWU9X8nJyWzYsCFDsuPk5ERYWBirV6/OdJ/Vq1dfkRyFh4c72h84cICoqKgMbfz9/WnRooWjTenSpalZsyZffvklCQkJpKamMm3aNMqWLUuTJk2uGm9SUhJxcXEZbgJOTjZHyfkdx4rQ9yRqK/z2unm/0xtXT7wA3LygSnvzvoYeioiIiMhVWJZ8nTx5krS0NAIDAzNsDwwMvOrwv6ioqGu2T/96rTY2m42lS5eyadMmfH198fDw4H//+x8LFy6kZMmSV4134sSJ+Pv7O24hISHZu+AiLH3e1/aiknylJsOcx8CeAjW7QINe19/HMe9LJedFREREJHOWF9zIb4ZhMGTIEMqWLcvKlStZu3YtERERdOvWjePHj191v+eee47Y2FjH7fDhw/kYdcFWp6j1fP3xBkRvA89S0G2SWVTjetKTryNrIeFUnoYnIiIiIoWTZclXmTJlcHZ2Jjo6OsP26OhogoKCMt0nKCjomu3Tv16rzfLly5k/fz7fffcdN998MzfddBMffPABnp6efPHFF1eN193dHT8/vww3MV1e8dDCKYS54+gGWPk/836Xt8GnbNb2868AgfXBsMO+pXkXn4iIiIgUWpYlX25ubjRp0oRly5Y5ttntdpYtW0arVq0y3adVq1YZ2gMsWbLE0b5KlSoEBQVlaBMXF8eaNWscbRITEwFzftnlnJycsNuLWLW+fBIa6IOLk43Y8ykciy3ECw2nXIA5g8FIg7o9oN5d2dtfJedFRERE5BosHXY4cuRIPv74Y7744gt27tzJ4MGDSUhIYMCAAQD07duX5557ztH+iSeeYOHChbz99tvs2rWLcePGsX79eoYOHQqY87mefPJJXnnlFebNm8fWrVvp27cv5cqVIyIiAjATuJIlS9KvXz+2bNnCnj17ePrppzlw4ABdunTJ9+9BUeDu4kz1sj5AIR96uOJVOLkbvMtC57ezv396yfl9yyAtJXdjExEREZFCz8XKk/fq1YuYmBjGjBlDVFQUjRo1YuHChY6CGZGRkRl6qFq3bs2MGTN48cUXef755wkNDWXu3LnUq1fP0Wb06NEkJCQwaNAgzp49S5s2bVi4cCEeHh6AOdxx4cKFvPDCC9x6662kpKRQt25dfvrpJxo2bJi/34AipE45P3ZFxbPjWBy31wm8/g4FTeQaWDXZvN/tXfAunf1jlL8JvMpA4kmI/BuqtM3dGEVERESkULN0na/CTOt8ZfTJyn955ZedhNcNZNqDTa0OJ3uSE2FqGzi9Hxr2hh5Tc36sOYNhywxoNRTCX829GEVERESkwCrw63xJ0VKoy80vG28mXr7loOP/3dixVHJeRERERK5CyZfkivRy80fOnCf2fCGa73TgD1hzsafrzsngWeLGjlftVnBygVN74dT+Gw5PRERERIoOJV+SK0p4uVG+hCcAO48Xkt6vpHj4aYh5/6Z+EBp248f08INKN5v31fslIiIiIpdR8iW5xrHeV2EZerj4RTgbCf4Vc3d+VnrVQ5WcFxEREZHLKPmSXJM+9HBHYej52rcUNkw370e8D+6+uXfs9Hlfh/6CC4XgeyEiIiIi+ULJl+SaQtPzdf4s/DTMvN/8UajSLnePX7oalA4FeyrsX567xxYRERGRQkvJl+Sa9J6vvSfiSU61WxzNNSx8DuKPQamqEDY2b86hqociIiIi8h9KviTXVCjpia+HCylpBntPxFsdTuZ2LTDX4cIGER+Cm3fenCd93tfexWBPy5tziIiIiEihouRLco3NZrs076sgDj1MPA0/P2Hebz0UKrbMu3NVbAnu/pB4Eo5uzLvziIiIiEihoeRLclXdcv5AAS26sWAUJJyAMjXhlhfz9lzOrlD9NvO+qh6KiIiICEq+JJcV2KIb2+fAth/B5gw9PgRXj7w/p6PkvOZ9iYiIiIiSL8lll5ebNwzD4mguOncC5o8077cZAeWb5M95q4eBzQmit0Lskfw5p4iIiIgUWEq+JFdVL+uDq7ON+AupHDlz3upwwDBg/gg4fxoC60H7Z/Lv3N6loUJz8756v0RERESKPSVfkqvcXJwILWsuWFwg5n398z3smg9OrtBjKri45e/5VXJeRERERC5S8iW5rsDM+4o7Br8+bd5v/wwE1c//GNLnfR34HZIT8//8IiIiIlJgKPmSXJc+72u7lcmXYcC84XAhFso1Nud6WaFsbfCvCKkX4MAf1sQgIiIiIgWCki/Jdek9XzutHHa46SvYtwSc3SFiKji7WBOHzXbZ0EOVnBcREREpzpR8Sa5LT76Onj3P2cTk/A/gbCQsfN68f+sLULZW/sdwuctLzheUCpAiIiIiku+UfEmu8/NwJaSUJ2BB0Q27HX4aAsnxENICWg3N3/NnpnIbcPWC+GMQtdXqaERERETEIjlKvg4fPsyRI5fWLVq7di1PPvkkH330Ua4FJoWbY72v/J73tf5Tc26ViydEfAhOzvl7/sy4ekDVW8z7qnooIiIiUmzlKPm6//77WbFiBQBRUVHcfvvtrF27lhdeeIEJEybkaoBSONUJ9gfyuefr1H5YMsa8f/t4KF0t/859PZr3JSIiIlLs5Sj52rZtG82bm4vHfv/999SrV49Vq1bxzTffMH369NyMTwqpfC83b08zhxumJELlttDskfw5b1aF3mF+PboBzp2wNhYRERERsUSOkq+UlBTc3d0BWLp0KXfeeScAtWrV4vjx47kXnRRa6cnXvhPnSEpNy/sT/v0hRK4GNx/o/j44FbDpjH7BENwIMGDvEqujEREREREL5Ogdat26dZk6dSorV65kyZIldOxoVnM7duwYpUuXztUApXAq5++Bv6crqXaDvdHn8vZkMXtg2cXhrne8AiUr5e35cspR9VBDD0VERESKoxwlX6+//jrTpk2jQ4cO9O7dm4YNGwIwb948x3BEKd5sNht182PoYVoqzH0M0pKg2m3QpH/enetGpc/72r8cUi0owS8iIiIilsrRyrMdOnTg5MmTxMXFUbJkScf2QYMG4eXllWvBSeFWJ9iPVftP5W3RjVXvmvOo3P3hzsnmosYFVXAj8AmEc9Fw6C+odovVEYmIiIhIPspRz9f58+dJSkpyJF6HDh1i0qRJ7N69m7Jly+ZqgJIFcx+HP96EC7FWR5JBnhfdiN4OKyaa9zv9H/iXz5vz5BYnp0uFN1RyXkRERKTYyVHy1b17d7788ksAzp49S4sWLXj77beJiIjgww8/zNUA5TqitsHmb2D5KzCpPqx4DRJPWx0VcFnydTwOu93I3YOnJsOcR8GeAjU6QcPeuXv8vOKY9/UrGLn8PRERERGRAi1HydfGjRtp27YtAD/88AOBgYEcOnSIL7/8kvfeey9XA5TrKFsb7voEAmqZPV+/v24mYUvHQcJJS0OrFuCDm7MT55JSOXLmfO4efOVbELUVPEtCt3cL9nDDy1XtAM5ucOYgnNxrdTQiIiIiko9ylHwlJibi6+sLwOLFi7nrrrtwcnKiZcuWHDp0KFcDlOtwcoYG98Dg1XDPFxBYH5LPwZ/vmEnYohcgPsqS0FydnagR5APA9mO5OCTy2Cb44y3zfpe3wTcw946d19x9zHXIQFUPRURERIqZHCVf1atXZ+7cuRw+fJhFixZxxx3mPJYTJ07g5+eXqwFKFjk5Qd0IeGwl3PctlGtsLji8egpMagC/jILYI/keVp3gS0MPc0VqEswZDEYa1ImAej1z57j5yTH0UPO+RERERIqTHCVfY8aMYdSoUVSuXJnmzZvTqlUrwOwFa9y4ca4GKNlks0GtzvDICujzI4S0MMuwr/sY3m0E84abQ97ySd1y/kAuFt1Y8RrE7ATvAOjyv9w5Zn6rcbHoRuRqOH/G2lhEREREJN/kKPm6++67iYyMZP369SxadOnT+9tuu4133nkn14KTG2CzQWgYPLQI+s4zh7rZU2DjF/DeTWbv0cl9eR7G5UU3btjhdbDq4pzCrpPAu5Au6F2yMgTUNnvv9i2zOhoRERERySc5Sr4AgoKCaNy4MceOHePIEXM4W/PmzalVq1auBSe5wGaDqu2h/3wYsBCq3Wq+6d8yA95vBj8MhBM78+z0tYLMuYHHYy9wOuEGFhZOTjQXUzbs0KAX1O6aSxFaJH3BZQ09FBERESk2cpR82e12JkyYgL+/P5UqVaJSpUqUKFGCl19+GbvdntsxSm6p1AoenAMPLzfLsxt22PYDfNASZj4Ix//J9VP6erhSqbS58PbOG+n9Wv4ynNoHvsHQ6fVcis5C6fO+9i2BtFRrYxERERGRfJGj5OuFF15gypQp/N///R+bNm1i06ZNvPbaa0yePJmXXnopt2OU3FahCdz/HTy6EmrfaW7bOQ+mtYUZ98HRDbl6OkfRjZzO+zr4J/x9cf24Oyeb5eULuwrNzOs4fwaOrLM6GhERERHJBzlKvr744gs++eQTBg8eTIMGDWjQoAGPP/44H3/8MdOnT8/lECXPBDeAXl/B439DvbvB5mQu/vvxrfDVXRD5d66cJj35ylG5+aRzMPdxwICb+kLo7bkSk+WcXaD6xWtRyXkRERGRYiFHydfp06czndtVq1YtTp8+fcNBST4rWxvu/hSGrIOG94PNGfYvg8/CYXpXOPAHGEaOD39DRTeWvARnD4F/CNzxao5jKJA070tERESkWMlR8tWwYUOmTJlyxfYpU6bQoEGDGw5KLFKmOvT4EIZtgJv6gZMrHFwJX3SDzzrCvqU5SsLSk6/9MQlcSEnL+o77l8P6z8z73d8HjyK2hlz128xEN2Znvpb/FxERERFruORkpzfeeIMuXbqwdOlSxxpfq1ev5vDhwyxYsCBXAxQLlKoCd74H7Z6Gv96FjV/C4b/h655Q7iZoP9osGGGzZelwQX4elPJ243RCMnui42lQocT1d7oQCz8NNe83e8Ss2FjUeJaEiq3g0J+wZzG0GGR1RCIiIiKSh3LU89W+fXv27NlDjx49OHv2LGfPnuWuu+5i+/btfPXVV7kdo1ilRAh0eQue2AIth4CLJxzbCN/eB1Pbwva5kIXqljabLftFNxY+D3FHoWQVuH38DVxEAecYeqh5XyIiIiJFnc0wbmAyz39s2bKFm266ibS0bAwtK6Ti4uLw9/cnNjYWP78iNhzuas7FwOopsO4TSD5nbguoBW1HQb27wMn5qru+tmAnH/3xL31bVWJC93rXPs/uhfBtL8AGA341S+QXVTF7zPXWnN1g9AFw97E6IhERERHJpqzmBjleZFmKIZ8Asxfqya3QbjS4+0PMLpj9MExpBpu+gbSUTHfNcs9X4mn4ebh5v9WQop14AZQJNXv30pLh39+sjkZERERE8pCSL8k+r1Jw6wswYivc8qI5d+n0fvjpcZjcBNZ/DqlJGXZJL7qx83gcdvs1Olt/HQ3noqFMDbj1xby8ioLBZru04LKGHoqIiIgUaUq+JOc8/KH902ZP2O0TwDvALAs//0l4rzGs+QhSLgBQtYw3bi5OJCSnceh0YubH2/ETbJ1lrjcWMRVcPfPvWqyUPu9r7+IszaETERERkcIpW9UO77rrrms+f/bs2RuJRQord1+4+QmzKuHGL8wKiXFH4denYeVb0Ho4Lk0HUCvIl3+OxLLjWBxVynhnPMa5GJg/wrzfZgRUaJL/12GVSjeDm4/Z43d8M5S/yeqIRERERCQPZKvny9/f/5q3SpUq0bdv37yKVQo6Ny9oORiGb4Yub5sLI5+LhsUvwKT6PO4yD2/Os+N4bMb9DAN+GQGJp6BsXWj/jCXhW8bFDardat7XgssiIiIiRVauVjssTopltcPsSk2Gf76DlW87FhE+a3izokRPejz2MniWMNv9M8ss2uHkAo+sgOBiuFD3pm/MOXPBjeDR362ORkRERESyQdUOxXoubnBTXxi6AXpM44J/VUrYEugR+yVMqg/LXobo7bBglNm+3ejimXgBhN4O2Mxhh3HHrY5GRERERPKAki/Je84u0PA+Uh/7m6Epw9hlD4GkOHM+2Iet4cJZs8en7UirI7WOT1kof3Ge297F1sYiIiIiInlCyZfkGx9Pd7aXDKNT8kS2t/0Agi72cjm7QY+p4OxqbYBWc5Sc17wvERERkaJIyZfkqzrBfhg4sdKlJTz6B/T/BR5ZDmVrWx2a9dJLzv+7wlGiX0RERESKDsuTr/fff5/KlSvj4eFBixYtWLt27TXbz5o1i1q1auHh4UH9+vVZsGBBhucNw2DMmDEEBwfj6elJWFgYe/fuveI4v/zyCy1atMDT05OSJUsSERGRm5clV5G+2PKOY3HmAsOV20BQfYujKiCC6oNvOUhJhIN/Wh2NiIiIiOQyS5OvmTNnMnLkSMaOHcvGjRtp2LAh4eHhnDhxItP2q1atonfv3gwcOJBNmzYRERFBREQE27Ztc7R54403eO+995g6dSpr1qzB29ub8PBwLly41JPw448/8uCDDzJgwAC2bNnCX3/9xf3335/n1yuXJV/H4yyOpACy2S71fu1ZaG0sIiIiIpLrLC0136JFC5o1a8aUKVMAsNvthISEMGzYMJ599tkr2vfq1YuEhATmz5/v2NayZUsaNWrE1KlTMQyDcuXK8dRTTzFqlFlBLzY2lsDAQKZPn859991HamoqlStXZvz48QwcODDHsavUfM6ciLtA89eW4WSD7eM74unmbHVIBcvuhfBtL/CvCE/+YyZkIiIiIlKgFfhS88nJyWzYsIGwsLBLwTg5ERYWxurVqzPdZ/Xq1RnaA4SHhzvaHzhwgKioqAxt/P39adGihaPNxo0bOXr0KE5OTjRu3Jjg4GA6deqUofcsM0lJScTFxWW4SfYF+LpTxscNuwG7o+OtDqfgqdIOXDwgNhJO7LQ6GhERERHJRZYlXydPniQtLY3AwMAM2wMDA4mKisp0n6ioqGu2T/96rTb//vsvAOPGjePFF19k/vz5lCxZkg4dOnD69Omrxjtx4kT8/f0dt5CQkGxcraSz2WzUDr5s3pdk5OYFVdqb9zX0UERERKRIsbzgRn6z2+0AvPDCC/Ts2ZMmTZrw+eefY7PZmDVr1lX3e+6554iNjXXcDh8+nF8hFznp8762H4u1OJICyjHvSyXnRURERIoSy5KvMmXK4OzsTHR0dIbt0dHRBAUFZbpPUFDQNdunf71Wm+DgYADq1KnjeN7d3Z2qVasSGRl51Xjd3d3x8/PLcJOcqROsohvXlJ58HVkLCaesjUVEREREco1lyZebmxtNmjRh2bJljm12u51ly5bRqlWrTPdp1apVhvYAS5YscbSvUqUKQUFBGdrExcWxZs0aR5smTZrg7u7O7t27HW1SUlI4ePAglSpVyrXrk6ure7Hna9fxeNLsltV7Kbj8K0BgfTDssG+p1dGIiIiISC6xdNjhyJEj+fjjj/niiy/YuXMngwcPJiEhgQEDBgDQt29fnnvuOUf7J554goULF/L222+za9cuxo0bx/r16xk6dChgzid68skneeWVV5g3bx5bt26lb9++lCtXzrGOl5+fH4899hhjx45l8eLF7N69m8GDBwNwzz335O83oJiqUsYHD1cnzqekcfBUgtXhFEwqOS8iIiJS5LhYefJevXoRExPDmDFjiIqKolGjRixcuNBRMCMyMhInp0v5YevWrZkxYwYvvvgizz//PKGhocydO5d69eo52owePZqEhAQGDRrE2bNnadOmDQsXLsTDw8PR5s0338TFxYUHH3yQ8+fP06JFC5YvX07JkiXz7+KLMWcnG7WC/Nh8+Cw7jsVRLcDH6pAKnhrhsPIt2LcM0lLA2dXqiERERETkBlm6zldhpnW+bszzc7YyY00kgztU45mOtawOp+Cxp8FboZB4CvrNhyptrY5IRERERK6iwK/zJcVbHZWbvzYnZwi9w7yvoYciIiIiRYKSL7FEerl5VTy8BpWcFxERESlSlHyJJWoF+WKzQUx8EifiL1gdTsFU7VZwcoFTe+HUfqujEREREZEbpORLLOHl5kKVMt6Ahh5elYc/VGpt3lfvl4iIiEihp+RLLKPFlrOgRkfzq+Z9iYiIiBR6Sr7EMnXL+QPq+bqm9OTr0F9wQd8nERERkcJMyZdYRkU3sqB0NShdHeypsH+51dGIiIiIyA1Q8iWWqVvOD5sN/o1JYNb6w1aHU3A5hh5q3peIiIhIYabkSyxTxsedx9pXA+DZ2VtZviva4ogKqPSS83sXm4svi4iIiEihpORLLPX0HTW5q3F50uwGj3+zkU2RZ6wOqeCp2Arc/SDxJBzdaHU0IiIiIpJDSr7EUk5ONl6/uwHtawRwIcXOQ9PXsT/mnNVhFSzOrlD9NvO+qh6KiIiIFFpKvsRyrs5OfNDnJhpW8OdMYgp9P11LdJwWXs5A875ERERECj0lX1IgeLu78Fn/ZlQp483Rs+fp99laYs+nWB1WwVH9dsAG0Vsh9ojV0YiIiIhIDij5kgKjtI87Xz7UnABfd3ZFxTPoy/VcSFGBCQC8S0NIc/O+er9ERERECiUlX1KghJTyYvqAZvi4u7DmwGlGzNxMmt2wOqyCIb3qoZIvERERkUJJyZcUOHXL+fPRg01wc3bi121RjP95O4ahBMwx7+vA75CcaG0sIiIiIpJtSr6kQGpdvQz/69UQmw2+XH2I91fsszok65WtA/4hkHoBDvxhdTQiIiIikk1KvqTA6tqgHGO71gHgrcV7mLku0uKILGazXTb0UCXnRURERAobJV9SoPW/uQqDO1QD4LnZW1m6I9riiCx2ecl5DcUUERERKVSUfEmBNzq8Jnc3qYDdgKHfbmTDoTNWh2Sdym3B1Qvij0HUVqujERHJyJ4GJ/fB9rnwx1tw/B+rIxIRKVBcrA5A5HpsNhsT76rPqXNJrNgdw8Av1vHDY62oXtbX6tDyn6sHVO0AuxeYvV/BDayOSESKq4STEL3dvJ1I/7oLUs9farNqMgz6DUpVsSxMEZGCxGaojFyOxMXF4e/vT2xsLH5+flaHUywkJqdy/8dr2Hz4LOX8PZj9+M0E+XtYHVb+2zAdfn4CyjeFR5ZZHY2IFHUpF+DkbojeAdHb4MQOM9E6d5Vh4C6eULYWXIiD0/vNYkEDl4C7T/7GLSKSj7KaGyj5yiElX9Y4nZDM3VNX8W9MAjUDffn+0Vb4e7laHVb+ijsG/6sN2GDUHvApa3VEIlIUGAbEHr7UmxW93Uy0Tu4F4yoL3pesAoF1L93K1jV7uZyczb9VH3Uwk7Tad8K9X5qFg0REiiAlX3lMyZd1Dp9OpOeHqzgRn0TzyqX4cmBzPFydrQ4rf01rB8e3QPcPoHEfq6MRkcLmQiyc2Gn2ZEXvuJRoJcVl3t6jBATWu5hk1THvB9S6fm9W5BqY3gXsKXDLi9D+6Vy/FBGRgkDJVx5T8mWtncfjuHfqauKTUgmvG8gHfZrg7FSMPlFd8Rr8/rr5aXKvr6yORkQKqrRUc+hf9LaLvVkXE63Yqyzd4eQKZWpk7M0KrAu+wTnvtdrwBfw8HLBB72+hZqccX46ISEGl5CuPKfmy3ur9p+j32VqS0+z0aVGRVyLqYSsuQ1qOboCPbwU3Hxh9AFzcrI5IRKxkGHDuxKXCF+m3mN2QlpT5Pn7lzflYgXUv9mrVgdKhefP3ZP5IWP8puPnCI8shoEbun0NExEJZzQ1U7VAKrVbVSjPpvkYMmbGRb9ZEUtbXgyfCQq0OK38ENwbvspBwAg79BdVusToiKeoSToGrJ7h5WR2JJCdCzK5LhS/Shw4mnsy8vau3mViVrXNp6GDZ2uBVKv9i7vh/5jDHyFXwXW94eBl4lsi/84uIFBBKvqRQ61w/mAl31uWln7bzztI9lPVzp3fzilaHlfecnKDGHbDpa7PkvJIvyUsndpo9rc6u0OwRaDkYvMtYHVXxEHsUjm26mGhdHDp4+l8w7Fe2tTlBqaqXerLSe7VKVDL/ZljJxc0suPFRBzi1D2Y/Ar2/MwtziIgUIxp2mEMadliwvLVoN1NW7MPJBlMfaMIddYOsDinv7fwZZj4AJSvD8M2qIiZ5Z1Z/2D7n0mMXT7ipL7QeCiWKwYcd+c0wzB7tVZNhz8LM23iVvmy4YF0z0QqoVfB7Jo9tgs86QuoFaPsU3DbG6ohERHKF5nzlMSVfBYthGDz741Zmrj+Mu4sT3zzcgqaV83FIjRWS4uGNqpCWDEPWaQ6F5I2Y3fB+C8CA8ImwdRYc22g+5+QC9e+Bm58013WSG5OWAjt+MpOu45svbrRBUL3LKg1eLOfuU7bwfuDyz/dmzxfAPdOhbg9LwxERyQ2a8yXFis1m49Ue9Th5Lollu07w0PR1/DC4NTUCfa0OLe+4+0LlNrB/ufnpuJIvyQt/vAUYUKsrtHrcHHJ44HdY+T/z65ZvzVutrtBmJFRoYnXEhc+FONj4Bfw9FeKOmNtcPKDR/dByCJSpbm18ua3BveZSGaunwNzHoXR1CKpvdVQiIvlCPV85pJ6vgul8chp9PvmbjZFnCfb34MfBrSlXwtPqsPLOmmnw62io1AYG/GJ1NFLUnNoPU5qa84sG/QblGmd8/ugGMwnbNf/StirtzCSsaofC2zOTX84ehjVTzVLsyfHmNu8AaD4Img4E79LWxpeX0lLhm7vh3xXm0NVBv+dvARARkVymYYd5TMlXwXUmIZl7pq1m34lzhJb1YdZjrSjhVURLsZ8+AO81ApszjN4PniWtjkiKkrmPw+ZvIDQc+nx/9XYxu+Gvd+GfmWBPNbeVawxtRkCtbtYXeyhojm2CVVPMeXRGmrmtTE1oNQQa9AJXD2vjyy+Jp+HjW+DMQTNpf2AOOGtAjogUTlnNDfQfUYqckt5ufPFQcwL93Nl74hwPf7GeCylpVoeVN0pVMSfZG2mwb5nV0UhRcuYgbPnOvN9+9LXbBtSEiA/Mwi8tHjMLchzbBN/3hfebm1U5U5PzOuKCzW6H3Qthelez4t+2H8zf2yrt4P5Z8Pjf0KRf8Um8wOzpuu9bsxT+gT9gyUtWRyQikueUfEmRVL6EJ1881BxfDxfWHzrDsG83kZqWSWnmoqBGuPl1zyJr45CiZeX/zOSg2q1QoWnW9ikRAp1ehxHboN3T4OEPp/bCT0PMHtq/P4TkhDwNu8BJOQ/rP4cPWsC3veDgyouFSu6FR/+Afj+by0YU197BwDrQY6p5/+8PYPO31sYjIpLHNOwwhzTssHBY8+8pHvxsLcmpdno3D+G1HvWxFbV5KIdWweedzCGHo/Zp2I7cuLOH4b3GYE+BAQuhUqucHedCHGyYDqvfh3NR5jbPUmbvWPNHivYcn4STsO4TWPvxpcWP3f2gSX9o8Sj4V7A0vAJn+avwxxvg7A4P/QrlVbhFRAoXzfnKY0q+Co+F26J4/JsN2A144rZQRtxexKoCpqXCm9Xgwtkbe6Msku6XUbDuY6jcFvrPv37760m5YFZE/OtdOHPA3ObmYyYirYaCX/CNn6OgOLnXrOK35TtzLSsA/xCzSmTjB8FD/y8yZbfDd/fDnl/Bt5xZ4MU30OqoRESyTHO+RC7qWC+ICd3rAfDusr18/fchiyPKZc4uEHq7ef9qC7KKZFXccdj4pXn/enO9ssrVA5oOgKHroeenEFgfks+ZScq7DWDecLOyYmFlGHDwT5jRy6wOuWG6mXiVuwnu/sycC9dqiBKva3Fygrs+gjI1IP6YOV+wuM8TFJEiScmXFAsPtKzE8NtCARjz0zYWbouyOKJcVqOj+VXzvuRGrXoP0pKgYiuz5ys3ObtA/bvhsZVmkYmKrcxFwjd+YSYts/qb6z8VFmkpsPUHs4DG9C4XP/ywQc3O0H8BPLIc6vXUUOCs8vAzC3C4+8Phv+HXp62OSEQk12nYYQ5p2GHhYxgGz8/ZyrdrD+Pm4sTXA1vQvEoRmXOSeBrerG4WSHhiC5SsbHVEUhidOwGT6pu9Ng/Mhuq35f05D62GP9+BvZd9cFA9zFwrrFLrgrlW2IU4s3fw7w+Lx6LI+W3PYphxL2BA13eg6UNWRyQicl0adijyHzabjZe71yOsdiDJqXYe/mIdu6PirQ4rd3iVgootzft7FlsbixReqyabiVf5JmaVw/xQqZW5hthjf0G9u8HmBPuWwvTO8Fk47P7VHNZXEMQegUUvwDt1YfELZuLlHQC3vAAjdpiJghKvG1fjDrhtjHl/wdNmgi4iUkQo+ZJixcXZiSn3N6ZppZLEXUil32drOXr2vNVh5Q5HyXnN+5IcSDgF6z4177d/Jv97nILqwd2fwrAN0GQAOLvB4TXw7X3wYWv453uzuIwVjm2CHwbCpAbmPLWkOHNR5G7vwZPbzLlx3qWtia2oajMC6vYwF+3+/kEz8RURKQI07DCHNOywcDubmMw9U1ez98Q5qgV488NjrSnp7WZ1WDcmZre5oK2zG4w+AO4+VkckhcmyCbDybQhuCIN+t364X3yUue7Tus8g+WIPdYlKcPNwaPRA3i9GbLfD3sVmsnVw5aXtldtC6+Hm0MjiujZXfklOgE/DIXorBDeChxaCq6fVUYmIZEql5vOYkq/C79jZ8/T8cBXHYy9wU8USfPNwSzzdnK0OK+cMw1zI9sxB6PUN1O5qdURSWCSeNnt1kuML3mvn/Blzvay/P4TEU+Y277Jm6fZmA82FnHNTynmzTPzfH8DJPeY2Jxeoe5dZsbBco9w9n1zbmUNmQZPzp6HBfeaCzFZ/MCAikgnN+RK5jnIlPPnioeb4ebiwMfIsQ2dsJDXNbnVYOWezXVb1UEMPJRvWTDMTr7J1zUp9BYlnSWj3tDm8r9Mb5ppZCSdg2Xh4px4sHQ/nYm78PAkn4bf/M485/0kz8XL3M3u5ntgCPT9W4mWFkpXgnulgc4Z/LibFIiKFmHq+ckg9X0XH+oOn6fPJGpJS7fRqGsL/9ayPrbB+srp/OXzVA3wCYeQuDYuS67sQC+/Uh6RY801u3R5WR3Rt6eXd/3wHTu42t7l4mAsYtx5mvlnPDi2KXDj8/SEsfNYsyPLAbKh2i9URiYhkoJ4vkSxqWrkUk3s3xskGM9cf5n9L9lgdUs5VuhncfOBcNBzfbHU0Uhis/chMvMrUhNrdrY7m+pxdoVFvePxvc4hk+SZm0rTuY3ivMcweBCd2XvsYjkWR79OiyIVFi8eg4f1g2OGHAXD6gNURiYjkiJIvEeCOukG82qM+AJOX7+Or1QetDSinXNwvfSKsBZflepLiYfX75v12TxeunlInJ3Nu2sPLoO88qNrBXOfun5nwQUv4tjccXpdxnysWRf4VLYpcSNhsZin/8k3MeYDf9YGkc1ZHJSKSbYXoP61I3urdvCIjwmoAMGbedhZsPW5xRDmkeV+SVes+Nd/IlqoG9e6yOpqcsdmganvo+xM8sgJq3wnYYPcC+DQMpnc1P4hYNcXsGftxoNkr7OJhLt47dD30/hYq36xCDgWdqwf0+tosuHJiO/z0eMFZA05u3NGNMGsA7PrF6khE8pTmfOWQ5nwVTYZh8MLcbcxYE4mbsxNfDmxOy6qFbP2ecyfgrVDz/shd4BdsbTxSMCUnwqT6kHgSun8AjftYHVHuidkDf71rFmiw/2dtMK8y0HyQWSnRu4w18cmNiVxj9lzaU+DWF81eWym80lLNOZy//9/F39eLvZxNB1gdmUi2aM6XSA7YbDZe7l6P8LqBJKfZeeSL9ew8Hmd1WNnjU9YcmgPmOkUimdnwuZl4lagEDe61OprcFVADIt43qxS2GAzu/hBQy1wUecR26PCMEq/CrGIL6PKWeX/5q7BbvfyF1ul/4fNOsOIVM/EKqAUYZsXRP9+xOjqRPKHkS+Q/nJ1svHtfY5pXLkV8Uir9PlvLkTOJVoeVPY6hh5r3JZlIOW/2DAG0HWkWsSiK/CtAp/+D5yJhyBpo0i/vF2eW/NGkPzQdCBgw+xGzt1MKD8MwC9182AaOrDWXdegxzSyk0/Yps83ScbBkjIaWSpFTIJKv999/n8qVK+Ph4UGLFi1Yu3btNdvPmjWLWrVq4eHhQf369VmwYEGG5w3DYMyYMQQHB+Pp6UlYWBh79+7N9FhJSUk0atQIm83G5s2bc+uSpJDzcHXm475NqRnoy4n4JPp+tpbTCclWh5V1NcLNr/+ugJQL1sYiBc/Gr8yKmH4VzApyIoVRx/+Diq0hKQ6+u99cNkEKvnMx5s/r5ycgJQEqtYHBf0HD+8x5l7eNgdtfNtv+9a7Zzp5mbcwiucjy5GvmzJmMHDmSsWPHsnHjRho2bEh4eDgnTpzItP2qVavo3bs3AwcOZNOmTURERBAREcG2bdscbd544w3ee+89pk6dypo1a/D29iY8PJwLF658Ezp69GjKlSuXZ9cnhZe/lyvTH2pGOX8P/o1J4KHp60hMTr3+jgVBUAPwDYaURLOktki61CT4a5J5v82T4OJmZTQiOefiBvd+AX7l4dRe+PERvUkv6Hb/alYj3b0AnN3MJKvfz1CiYsZ2Nw+HOyeb67pt/AJ+eAhSC9EHoCLXYHny9b///Y9HHnmEAQMGUKdOHaZOnYqXlxefffZZpu3fffddOnbsyNNPP03t2rV5+eWXuemmm5gyZQpg9npNmjSJF198ke7du9OgQQO+/PJLjh07xty5czMc69dff2Xx4sW89dZbeX2ZUkgF+3vy5cDmlPByZfPhswz5ZiMpaXarw7o+m+1S75eqHsrlNn8DcUfN5Lzxg1ZHI3JjfMrCfd+Y1Sv3LoIVr1kdkWQm6RzMGw7f3mfONS1b16xOevPwqy9xcVNfuPtzcHKFHXPNfZMT8jVskbxgafKVnJzMhg0bCAsLc2xzcnIiLCyM1atXZ7rP6tWrM7QHCA8Pd7Q/cOAAUVFRGdr4+/vTokWLDMeMjo7mkUce4auvvsLLy+u6sSYlJREXF5fhJsVD9bK+fNqvGR6uTqzYHcPzs7dSKIqEXj7vqzDEK3kvLeXSJPabn9D8JykayjU2e0kAVr4F2+daGo78x+G1MLWN2YOFDVoPM9fUC6p3/X3rRkCf78HVC/Yvg696mMtjiBRiliZfJ0+eJC0tjcDAwAzbAwMDiYqKynSfqKioa7ZP/3qtNoZh0L9/fx577DGaNm2apVgnTpyIv7+/4xYSEpKl/aRoaFKpJFN634Szk41ZG47w5qLdVod0fVXam58Gx0bCiZ1WRyMFwT8z4WykuU7STf2sjkYk9zS4F1oNNe/PHQxR267dXvJeWgosfwU+C4czB8w5pv1+hjteyd4HP9VuNdfx8/CHw2vMtfvio/MubpE8ZvmwQytMnjyZ+Ph4nnvuuSzv89xzzxEbG+u4HT58OA8jlIIorE4gr/UwP6n74Lf9TP/rgMURXYebF1RpZ97X0ENJS4U/Lg6xbj3MfH2IFCVh46HqLeZc1+/uh8TTVkdUfMXsgU/C4I83wbBDg15mUY0qbXN2vJDmMOBX8AmE6G3weUc4cyh3YxbJJ5YmX2XKlMHZ2Zno6IyfYERHRxMUFJTpPkFBQddsn/71Wm2WL1/O6tWrcXd3x8XFherVqwPQtGlT+vXL/NNgd3d3/Pz8Mtyk+OnVrCKj7qgBwPj5O/j670MFuwiHY96XSs4Xe9t+ND999iwFTR+yOhqR3OfsAnd/BiUrw9lDMKu/+aGD5B/DgDUfwbS2cHwzeJQw523d9RF4lrixYwfWhYcWmmsTnv7X7FE7sSsXghbJX5YmX25ubjRp0oRly5Y5ttntdpYtW0arVq0y3adVq1YZ2gMsWbLE0b5KlSoEBQVlaBMXF8eaNWscbd577z22bNnC5s2b2bx5s6NU/cyZM3n11Vdz9Rql6BlyS3X6tqqEYcCLc7fRaPwS7v/4b6b9vp+dx+MK1nyw0IvJ15G1kHDK2ljEOvY08xNogNZDwd3H2nhE8opXKbjvW3D1hgO/m+tESf6IOw5f94Rfn4bUC2Yv5OOrod5duXeOUlXhoUUQUBvij5s9YEc25N7xRfKBi9UBjBw5kn79+tG0aVOaN2/OpEmTSEhIYMCAAQD07duX8uXLM3HiRACeeOIJ2rdvz9tvv02XLl347rvvWL9+PR999BEANpuNJ598kldeeYXQ0FCqVKnCSy+9RLly5YiIiACgYsWMJU19fMw3ItWqVaNChQr5dOVSWNlsNsZ2q4u/pytzNh3lyJnzrNp/ilX7TzHx110E+rnTNjSA9jUCaFO9DCW9LSzlXSIEAuuZwzT2LYWGvayLRayzY65ZitujBDR7xOpoRPJWYB3oMRW+fxD+fh+C6kOj3lZHVbRtnwvznzSLYbh4wO0TzL81V6tkeCP8gmHAAvjmbji6Ab68E+6bAVXb5/65RPKA5clXr169iImJYcyYMURFRdGoUSMWLlzoKJgRGRmJ02W/vK1bt2bGjBm8+OKLPP/884SGhjJ37lzq1btUNWf06NEkJCQwaNAgzp49S5s2bVi4cCEeHqrsJbnD2cnGU3fUZOTtNThwMoHf98Twx54YVv97iui4JH7YcIQfNhzBZoOGFUrQroaZjDWs4I+Lcz53ONcIN5OvPQuVfBVHdjv8frHXq+Xj4KEh01IM1LkT2j1t9vj+/AQE1ITyN1kdVdFzIRZ+fQa2fGs+Dm4IPT6CsrXy9rxepaDvPHNu34HfzUTs7s+hdte8Pa9ILrAZBWqMVOERFxeHv78/sbGxmv8lDhdS0lh/8Ay/7znBH3tOsjs6PsPzfh4utAktQ/saAbSrEUCwv2feB3V4LXx6O7j7w+j94Oya9+eUgmPHPLMHwN0Pntx64/MuRAoLu918c77nV3Mh5kG/meuCSe44+BfMecysqGtzgjYjof0z+btwe2qSuQDzrvlmDN3fh0b359/5RS6T1dxAyVcOKfmSrDgee56Ve07y+54Y/tx3ktjzKRmerxHo40jEmlUuhYerc+4HYU+Dt0Ih8RT0m5/zalNS+BiGOfE9aqvZC3Dri1ZHJJK/LsTBJ7fByT0Q0tIsdZ6fyUFRlJpklpBfNRkwzAInPaZBxZbWxJOWCj8PNxeQB+j4f9BysDWxSLGm5CuPKfmS7EqzG2w5cpbfd8fwx94Ythw+i/2y3z4PVydaVi3tSMaqlvHGZrPlzsnnPGYOC2k1FMJVVKbY2P0rfHsfuPmYvV5epayOSCT/ndwLH98KSXHQZAB0m2R1RIVX9A6YPQiit5qPGz8IHSeCu6+1cdntsPhFc44fmD1wHZ6D3PofKpIFSr7ymJIvuVFnE5P5c99JRzIWHZeU4fnyJTxpXzOAdqEB3Fy9NL4eNzBccPscs+xy6VAYtv7GApfCwTDMN5zHNsLNT8Lt462OSMQ6exbDjHsBA7q+o+UWsstuh78/gGXjIS0ZvEpDt/cK1hwrw4CVb5m9cgDNHzV7wfKi6IdIJpR85TElX5KbDMNgd3Q8f+yJ4fc9Maw7cIbkNLvjeRcnGzdVLOlIxuqW88PJKRuf6F2IhTeqgj0Vhm2E0tXy4CqkQNm7FL7pCS6eZq+XT4DVEYlYa+XbsGwCOLlC//nWDZMrbM4ehrmD4eBK83FoOHSfUnDnz639GBaMMu836GXOA9NcZ8kHSr7ymJIvyUuJyan8/e8p/rg4X+zAyYQMz5f2dqNtaBna1wygbWgAZXzcr3/QL7rBgT8gfCK0ejyPIpcCwTDg0zvM9d1aDoGOr1kdkYj1DMMcAbBjLniXNQtw+Je3OKgCzDBg6yz4ZRQkxYKrF4S/Bk36F/zhfP98bw63N9KgRie453NwzYcCV1KsKfnKY0q+JD9Fnkrk971mOftV+06SkJyW4fl65f1od3FtsZsqlcQ1s3L2q9+HRc9DlfbQb14+RS6W+Pc3+LI7OLvDk/+Ab5DVEYkUDMkJ5gcT0dugXGMY8KvelGcm8TT88hRsn20+Lt8U7vqocI2a2L0QZvUzF3yu1AZ6f6ulNjJzdANs/RFqdoQq7ayOplBT8pXHlHyJVZJT7WyMPONYW2z7sbgMz/u4u9C6WmnH2mIhpbzMJ07th8k3gZMLjD6gf0JF2edd4NCf0HwQdH7T6mhECpYzB+GjW+D8aWjYGyI+LPg9Oflp/wqY+zjEHwObs1m8ou1T4Gz50rDZd/BPmHEfJMdDcCN44EfwLmN1VAXD0Y3w++vmGqDpanaBO14uXEl2AaLkK48p+ZKCIiY+iZUXe8X+2HuS0wnJGZ6vWsbbkYi1X9wJp9P74J4voG6ENQFL3jr4F0zvDM5uMHyzhlWJZObf3+GrHuawNA3FNqWch6XjYc2H5uPS1c3ervJNrI3rRh3bDF/3hMSTUKYGPDgH/CtYHZV1jm2C3143178Dc320ym3NRNVIM+dENh8E7Z8Gz5LWxlrIKPnKY0q+pCCy2w22H4tzLPK8IfIMaZfVsx/j9g0POf3CnqBuePX6iAolvSyMVvLEl93NYYcqqS1ybX9/CAufNXt3HpwNVTtYHZF1jm8xS8jH7DIfN3sYbn8Z3IrI/4iTe+HLCIg7Av4h8OBcKFPd6qjy17HNZk/X7gXmY5uTWZCk3dNmT1fMbrNc/97F5vOepeCW583/JYWx19MCSr7ymJIvKQziLqSwat8pxxDFinHr+dbtVU4afrSzT+W5LvV4oEXF3FtPTKx1eC18ers5tHTYRihZyeqIRAouwzCH122ZYX7CP+g3c8Hg4sSeBn9NghUTwZ4CPoFmdcDQ262OLPedPQxfRcCpfeAdAA/MhuAGVkeV947/A7/9H+z+xXxsc4L695pJV2YJ6L6lsOiFS4l4mZrm+qBF8TWRy5R85TElX1LYGIbB/qizVPykHm5p5+iRNJ5NRii31irL6z0bEOCbhYqJUrB9fTfsWwKNHzDfQInItaVcgM87mevhBdaDgYvBzdvqqPLHmYMw+1E4/Lf5uHY36PoueJe2NKw8dS4Gvr4Lov4Bdz+4/3uo1MrqqPJG1FYz6do133xsc4J6d0P70VAm9Nr7pqXCxumw4jVIPGVuq3abmYSVrZ2nYRdmWc0NtPKcSDFhs9moHlwSt1rmp1djax7GzcWJ5btO0HHSHyzZEW1xhHJDjm40Ey+bszk5XkSuz9UDen1tlp6P3mb2hBX1z6QNAzZ9DR/ebCZebr5m0ZF7vyraiReY6x32nw+VboakOHPe357FVkeVu6K2wcwHYGqbi4mXDerfA4+vgZ4fXz/xAnOYYbOHzREUrYeZ88D2LzNfM788BQmn8vwyijIlXyLFTY2OADQ6MYe/Gy/h4dJbsSXE8MiX63lu9j8kJKVaHKDkyB8XqxrWvwdKVbU2FpHCxL889PrKfIO5Y665GHNRlXDSfGP+0xBIPgcVW8HgP6HR/cWn4qOHv1n1MDQcUs/Dd71h6w9WR3XjorbBzAdh6s2w82fAZvZ0DVkDPT+BgBrZP6ZnCbjjFfMYtbqaBTnWfQLvNYZVUyA1+bqHkCtp2GEOadihFFqJp+HdRuaimZf51x7MOntNDnjVp9udd1O3bsPi88+4sDv+D0xrC9hgyNqc/ZMVKe7Wfw7znwRscP9MqBFudUS5a88i+GkoJJwwE81bX4DWw8HJ2erIrJGWAnMHmwtJY4Mub0OzgVZHlX3R281CGjt+urjBBvXugnajoWyt3D3XgZWw6DlzSCOYH/Td/jLU6qL3C2jOV55T8iWF2rkYOPA7HFoFkavhxI4rm7iVwataG5wqtzY/HQ2sW3z/SRd0Mx+EnfOgXk+4+zOroxEpvOaPgPWfmfOBur4DvsFmMQ6vUuZXl0I4NzY5waxit/7i34aAWmYJ+eCG1sZVENjt8OvTZm8OwG1joM3IwpFInNhpzunaMffiBhvU7WHO6crLeVn2NNg8A5a/DOcuTleo3BbCXyseBUyuQclXHlPyJUVK4mk4vJakf//k2JbllD+/CzdbWsY27n4Q0txMxCq1hnI3mfMlxFrRO+DDixPGB6+GwDrWxiNSmKUmw5d3mh9KZcbVyyzB7VkSvEqaXz1LXrat1JXbPEuCi1v+Xke6I+vNEvKn95uPWz4Ot43V3+7LGQasePXS0O3Ww+H2CQU3ATux0+zp2j4XuPgWvm4Ps6crP//+J8XDn++Yww/TkgCbWezp1pfANzD/4ihAlHzlMSVfUpT9vGE/s3+eR92U7bRw2UNL1324piZkbOTsZiZglVpBxdZmYuZZwpJ4i7UfHoJtP0LtO815KyJyY87FwLJxELMHzp+B86fNr4Y958d087ksKSv5n0St1FW2lQBn15ydLy0F/njLTCiMNPArDxEfFO+1zK5n1RRY/IJ5v/GD0O3dgjXa48Sui0nXHBxJV53u0P5Zaz90OxsJS8eZ/4fAfK23GQGthoCrp3VxWUDJVx5T8iVF3dGz5xk5czNrDpzGmTQGVDvHiJqn8I5aB4dWm/MGMrCZQxMrtoKKLc3eMb9ylsRebMTsgfebAwY8urLYD/kQyTN2OyTHm6MEHAnZ2cseX5akXb7twtkbTNp8L+thu1qS9p9tiadh7mNwdIN5jHp3Q5e3zOfk2jZ+BT8PN39mdbrDXR9bP9Q0Zjf8/sbF5ObiW/bad0KHZ83/uQXF4bWw8Dk4ut587F8Rbh8Hde8quL2IuUzJVx5T8iXFQZrd4JOV//LW4t2kpBkE+Lrzxt0NuKVGAJz+9+Kcsb8hcpX5+L9KVDKTsIotzd6xMqHF5o9wvpj9KPzzHdTsDL2/tToaEfkvu90sbpR4MVk7f1liliGR+8+2C7E43mjnlIc/dPkf1L87N66k+NgxD34cCGnJUO1WcykCK9Z+i9kDf7xxsRJjetLVzezpCqqX//Fkhd0O234we8LijprbQlpA+ESo0MTS0PKDkq88puRLipPtx2J58rvN7D1xDoC+rSrxXKfaeLpdNiQjPupiIrbaTMqit135ia9X6Ys9Y63M4YpBDc31RCT7Tv8Lk5uaQ4oeWQHlb7I6IhHJLfY0MwG7Xs9ahm1nL1WxrXoLdJ8C/hUsvYxCa/8K+K4PpCRAhebQ5/v86zk8ufdiT9cPl/6H1uoK7Z8pPKMbkhNh9RRzTlhKormt/r0QNrZIvyaVfOUxJV9S3FxISeP1hbv4/K+DAFQL8Obd+xpTr7z/VXaIgyNrzSGKkavNid9pSRnbuHpDhaYXe8damfet+ISxMPppKGz6CqrfDg8UgTVqROTGpaWaCYPHVf4uS9YdWQ9f9zSHjpatCw/OBt+gvDvfyX0Xe7pm/SfpGl14K1PGHYNlL8OWGeZjF0+4eTjc/ESR/F+v5CuPKfmS4uqPPTGMmrWFE/FJuDjZGHlHDR5tVw1np+sMJ0xNgmObzSGKh1bD4b8vDq25jJOL+U8mvaJixVbmPAbJ6MwhmHwT2FNh4BKz2ImIiOSu6B3wVQ84FwUlq0DfuVCycu6e49R+s6dr6/eXkq6aXaDDM4U36fqvY5tg4fPm/38wl3C4bQw0uA+cnKyNLRcp+cpjSr6kODuTkMzzc7by67YoAJpXLsXb9zYkpJRX1g9it0PMzsvmja2+NEb8cmVqXqqoWKkV+Ido3lj6WkRV2kO/eVZHIyJSdJ0+AF9FwJmD4BNkJmC5sY7Wqf1mRcp/ZprDxwFqdDILaZRrdOPHL2gMw1yPcvFLcPaQua1cY3M+WKVW1saWS5R85TElX1LcGYbBjxuPMvanbSQkp+Hj7sKE7nXp0bg8tpwkR4ZhlqyNvDhM8dBqOLn7ynZ+5aHhfeakY6vWzrFS7FF4r5E5Gbz/Aqh8s9URiYgUbfFRZg/YiR3m3K8+P5jD5HPi9L9m0rXlu8uSro4Xk67GuRdzQZVyAdZMNb8HyfHmtjrdzbXVcrtXMZ8p+cpjSr5ETJGnEhn5/WbWHzoDQJcGwbwaUY8SXrmQGCWcupSMRa6G41vMoXZgVlC6Z3rxK2e/YDSsnQaVboYBC6yORkSkeEg8DTPuhSPrzPnKvWdkb9200wcuJl3fXkq6QsPNpKs4Fkw6d8Jc3Hrjl+ZwS2c3cxHwtk+BR+F8X63kK48p+RK5JDXNztTf9zNp6V5S7QZBfh68fW9Dbq5eJndPlJwAuxbAL0+ZVb28A+Duz6BKu9w9T0EVHwWTGpiFS/r+pAVTRUTyU9I5mPkA/LvCTBbu/sws/34tZw6ai11vvjzpusMcvVEMyq9fV/R2WPQ8/Pub+dg7AG55AW7qW7AWuc4CJV95TMmXyJX+OXKWJ7/bzL8nEwAY2KYKT4fXxMM1l/+AntoP3/c1y9nbnOC2sWb1pKI+F2zRC2b53grNYeDion+9IiIFTWoS/PiwOX/J5gR3ToHGfa5sd+bgpZ6u9BEb1W83e7pyOmSxqDIM2LMIFr8Ap/aZ28rWhY6vFaoPGZV85TElXyKZS0xO5bUFO/n670gAagb6Mum+RtQOzuXfk+RE+GWk+Y8NzJK8ER8U3RLL52JgUn1IPQ99foTQMKsjEhEpnuxp8PMT5nIfYBaNaPW4ef/MIVj5FmyecSnpqnYbdHgOQppZE29hkZoM6z+F3/7PLPEPZhGSO16BMtUtDS0rlHzlMSVfIte2fFc0o3/4h5PnknFzdmJ0x5o8dHMVnK5Xkj47DAM2fA7/396dxzdV5f8ffyVN26SlK6UbtFCkAgKCAlYWRZSvBRUHV/CLiOiAOoDgNihfEWd0BvfdocI46IyijvNTRFQUkU1AEFCEYd/X0iJ035v7+yNtaKCsNrlt+n4+Hnk0uffk3k/uo9C+e84956sJrgkoos+Dwf+CuA51d476Yt5kWPqK64bskQvU6yUiYibDgHmTYNnrrtc9x0JpPvz0Xo3QdWVV6NJyIGel6IgrgP34d9dQTasNLhnlWvPMV4tdnwOFLy9T+BI5vcMFpTz6/37h241ZAPQ8rykv3tqZhAhH3Z5o/2r493DI3etaxHHgq9B5cN2ew0xFR1y9XmUFcNuH0HaA2RWJiIhhwPcvwfw/e25v3dcVupLTzKnLX2RvgW8eh61fu147olzXtdtdEBBobm21UPjyMoUvkTNjGAYf/riXP3++geLySsLtNv5yQycGdq7jWQoLf4VPfg/bv3O97nY39J8CtuC6PY8ZvnvadcN2fCe4Z4l6vURE6pMf33ZNGpGUBn0nQvKlZlfkX7Z/57rnOWuD63XM+a6hiKlX16ufhwpfXqbwJXJ2dh4uZPxHP7N2bw4AN1zUnD/9rgPh9jr865WzEhY963oANO8Kt7wLkUl1dw5fK85x9XqV5sGt/3SthyIiIvWLs7LBzc7XoFRWwJp3XdPTF/3q2nbelXD1XyDuAnNrq3Km2cDqw5pEpBFLiQnlP/f24P6rUrFa4NOf9jPglSX8sOPXujuJNcD1V8f//Rjska7hiG9dfqw3rCFa8ZYreDVrD+1OM6WxiIiYQ8HLuwJs0P1uuP8n6Hk/WANdP9szerl6xRoQhS8R8ZnAACsP/s/5fHxvT5KjQ9ifU8xt03/gma82UVbhrLsTnX813LMIEjpD8RH4142uYXvOOjyHL5TkwQ9/cz2//GGw6r9sERFpxOwRcPVTMGala401wwlBoWZXdVY07PAcadihyG9TUFrBU59v4KNVewG4ICGcV4d0ITUurO5OUl4CXz0Ca/7pen1+f7gho17PluRhyYuuG7mbpsLoFfrLqoiISE27lkJil3oRwDTsUETqtSbBNp69+UIybu9KVEggGw7mcd3r3/PO0p3U2d+EAu1w/euuRTADgmHLXHirDxxcWzfH96bSAlj+puv55Q8reImIiByvVa96EbzOhsKXiJiqf8d4vh5/OX3Ob0ZphZMnP9/A8Bk/kpVXUncnuXgY/H4eRLaEnN3w9tWutVjqs1X/cN1UHJUCHW82uxoRERGpAwpfImK62HA774zozp9/14Fgm5XFW7JJf2Uxc9cfrLuTJHR23QeWmg4VJfDZaJg91jU0sb4pLz62cOdlD7luNBYREZEGT+FLROoFi8XCHT1a8cX9vemQGM7RonLufW8Nf/zPWgpKK+rmJI4o1yLFVz4OWFz3gv3jaji6q26OX1dWvwuFWRCRDJ2HmF2NiIiI1BGFLxGpV9rEhvHpH3px3xXnYbHAv1ft45pXl7B695G6OYHVCpc/AsM+AUe06/6vt/rA1nl1c/zfqrwElr7ien7ZAxBQh+ugiYiIiKkUvkSk3gmyWZnQvx0fjryU5pEO9hwp4paM5bz0zWbKK+touvjzroR7FrsWYi7JgfdvgQV/dS2Uaaaf34P8gxDeHLoMNbcWERERqVMKXyJSb6W1bspX4y/jxoua4zTgte+2cfPUZWzPLqibE0QmwYivoNvdgAGLnnWFsKI66mU7WxVlsORl1/Ne48EWbE4dIiIi4hUKXyJSr4XbA3lpcBdev+0iwu021u7LZcArS3jmq011cy+YLRiuewlueAtsDtg+H966HPav/u3HPltrP4C8fdAkzjVDo4iIiPgVhS8RaRAGdk7k6wdcU9KXVTrJWLSdvi8s5D+r9+F01sG6YJ2HwO+/hejWkLsX/tEfVs0AX61DX1nuWlQZoNc4CHT45rwiIiLiMwpfItJgJEQ4eGdEd94e3o1WTUPIzi/l4Y/XcsPUZfy05+hvP0F8Rxi1ENpdB5VlMGc8zPoDlBX99mOfzrqPXWuQhcRA1xHeP5+IiIj4nMKXiDQoFouFq9rH8fUDl/PYgHY0Cbaxdm8ON/xtGQ9+9DOHfuvizPYIGPwe9PsTWKywdia8/T/w6/a6+QC1cVbC4hdcz3uOhaAQ751LRERETKPwJSINUrAtgHv6nMd3D/fhlq4tAPjkp/30fWEhf1u4jZLy3zBrocUCvcfDHbMhtBkcWg/T+sKmL+um+OOt/wSObHetQ9b9bu+cQ0REREyn8CUiDVpsmJ3nb+nMZ6N7cVFyJEVllTw3dzNXv7yYb/6bifFb7tlKucw1HX1SGpTmwoe3wbd/gso6WvQZwOmExc+7nvcYDcFhdXdsERERqVcUvkTEL3ROiuST+3ry8uDOxIUHs+dIEaP+tZphb69ky6H8cz9weCLc+QWk3ed6/f1L8N4NUJBdN4Vv/AwOb3YNd7xkVN0cU0REROolhS8R8RsWi4UbLmrBdw9dwZi+bQiyWfl+22EGvLqEJ2f/l5yisnM7cEAgDHgGbnobAkNh52LXdPR7f/xtBTudx+71SrvPFcBERETEbyl8iYjfCQ228XB6W759oA/9O8RT6TR4Z9ku+r6wkH/9sJuKSue5HbjTzTDyO4g5H/IPwIwBsGLauU9Hv/lL1/1kQWFw6b3ndgwRERFpMBS+RMRvJTcNIWNYV97/fRpt48I4WlTOpFnrue7171m+/ddzO2hsO1cAu+B34CyHrx6BT0ZCWeHZHccwYPFzrueXjHRNtiEiIiJ+rV6ErzfffJNWrVpht9tJS0tj5cqVp2z/8ccf065dO+x2O506deLLLz1nIDMMgyeeeIKEhAQcDgf9+vVj69at7v27du3i7rvvJiUlBYfDwXnnncfkyZMpKzvHIUkiUq/1ahPDF/f35s+/60CEI5BNmfncNv0H/vD+avYeOYc1vILD4JZ3IX0KWG2uNbqmXwWHt57+vdW2fgMH17qGMfYYc/Y1iIiISINjevj66KOPePDBB5k8eTJr1qyhc+fOpKenk5WVVWv7ZcuWcdttt3H33Xfz008/MWjQIAYNGsT69evdbZ577jlee+01MjIyWLFiBaGhoaSnp1NS4lr/Z9OmTTidTt566y3++9//8vLLL5ORkcHEiRN98plFxPdsAVbu6NGKhQ9fwR09WmK1wJfrMrnqpUW8+M1misrOcgZDiwV6/AGGz4Em8ZC90TUd/YbPTv9ew4BFVb1e3e+C0KZn/4FERESkwbEYv2ke5t8uLS2N7t2788YbbwDgdDpJSkpi7NixPProoye0Hzx4MIWFhcyZM8e97dJLL6VLly5kZGRgGAaJiYk89NBDPPzwwwDk5uYSFxfHO++8w5AhQ2qt4/nnn2fq1Kns2LHjjOrOy8sjIiKC3NxcwsPDz/Zji4jJNmXm8efPN7CsavhhfLidx65px/WdE7FYLGd3sPxD8J+7YPf3rtc9xrgWaQ6w1d5+23x470aw2WH8OmgS+xs+iYiIiJjtTLOBqT1fZWVlrF69mn79+rm3Wa1W+vXrx/Lly2t9z/Llyz3aA6Snp7vb79y5k8zMTI82ERERpKWlnfSY4Apo0dHRJ91fWlpKXl6ex0NEGq528eG8//s0Mm7vSlK0g8y8EsZ9+DM3Zyxn3b7csztYWBzc8Rn0HOt6vfwN+Of1rlB2PMM4tq5X1xEKXiIiIo2IqeHr8OHDVFZWEhcX57E9Li6OzMzMWt+TmZl5yvbVX8/mmNu2beP111/nnnvuOWmtU6ZMISIiwv1ISko69YcTkXrPYrHQv2M88x7owyPpbXEEBrB691Guf/N7JvznF7LzS8/8YAE2uPppuPVfrtkLdy+Fty6D3cs82+36HvYsh4Bg6DWubj+QiIiI1Gum3/Nltv3799O/f39uueUWRo4cedJ2jz32GLm5ue7H3r17fViliHiTPTCA0X3bsODhK7jhouYYBny0ai9XvrCQ6Yt3UFZxFlPTX3A9jFoAzdpDwSF45zpY/uax6egXPev6evEwCE+o+w8jIiIi9Zap4SsmJoaAgAAOHfIcmnPo0CHi4+NrfU98fPwp21d/PZNjHjhwgL59+9KzZ0+mTZt2ylqDg4MJDw/3eIiIf4mPsPPy4C78v/t6cmGLCPJLK/jLlxtJf2Ux322qZQjhycSkwsj50OkWMCrh64nw8XDYOg92LQFrIPQa77XPISIiIvWTqeErKCiIrl27Mn/+fPc2p9PJ/Pnz6dGjR63v6dGjh0d7gHnz5rnbp6SkEB8f79EmLy+PFStWeBxz//79XHHFFXTt2pUZM2ZgtTb6TkARqdK1ZRSz/tCL52++kJgmwew8XMhd76zizhkr2Z5dcGYHCQqFG6fDNS+4wtaGz+D9m137uvwvRGrosoiISGNjeuJ48MEHmT59Ou+++y4bN27kvvvuo7CwkBEjRgBwxx138Nhjj7nbjxs3jrlz5/Liiy+yadMmnnzySVatWsWYMa51ciwWC+PHj+fpp59m9uzZrFu3jjvuuIPExEQGDRoEHAteycnJvPDCC2RnZ5OZmXnSe8JEpPGxWi3c0i2JBQ/34Z4+rQkMsLBwczbpLy/m6TkbyCspP/1BLBbXAsojvoLw5lXbAqD3A94tXkREROqlk8yD7DuDBw8mOzubJ554gszMTLp06cLcuXPdE2bs2bPHo1eqZ8+ezJw5k8cff5yJEyeSmprKrFmz6Nixo7vNH//4RwoLCxk1ahQ5OTn07t2buXPnYrfbAVdP2bZt29i2bRstWrTwqMfkmfdFpJ4Jswfy2ID2DOmezNNzNjB/UxZ//34nn/60n0fS23JLtyQCrKeZmj6pO9yz2HW/V0JniE7xTfEiIiJSr5i+zldDpXW+RBqnhZuzeGrOBrZnFwLQsXk4kwd2oHurky9VISIiIv7tTLOBwtc5UvgSabzKK538c/luXvl2C/klFQAM7JzIYwPakRjpMLk6qckwDHKKXENEwx2Bp++lFBEROQcKX16m8CUivxaU8sI3W/jwxz0YBtgDrdzXpw339GmNPTDA7PIaleKySnYeLmTH4QJ2Zhey83Ah2w8XsjO7gLyqgAwQZrcR4Qh0PyJDXF/Dq187gk7YH+4IJCzYhlXBTURETkLhy8sUvkSk2n8P5PKn2RtYuesIAM0jHUy8pj3XdIrHYtEv7HWl0mmw72gROw4XsjO7KmhVPT+QW+LVc1strvv/qsNadWCLrBHUaoa1Y6+DCA0K0PeBiIifU/jyMoUvEanJMAy+WHeQv36x0R0E0lKimTywAxck6v+IM2UYBr8Wlrl6sbILagStQvb8WkRZ5ckXvI4KCSQlJpTWzZqQEhPKec1CSYlpQsumIQRYLeQWl3s+ijxf51S9zqt+XVxGbnE5JeVnsch2LWxWizuQnVlgO/bcEajgJiLSECh8eZnCl4jUpriskrcWbydj0XZKyp1YLXDbJck8dHVbokODzC6v3igqq3D1WtUIVztqGSZ4vCCblZSmobRuFuoRtFrHhBLlpetbWlF5yrBWHdhyagl3pwqLZyIowMql5zVl1GWt6dWmqYKYiEg9pfDlZQpfInIq+3OKmfLlRub8chCAcLuN8f3OZ8glSY2mN6PmMMEd2YXsrBomuCO7kIOnGCZosbiGblaHKnfAahZKYoSjwdx7ZRgGJeXOGmGt7MTet+PCXF6N1xVOzx/P7RPCGXV5CtddmEhggOnLdIqISA0KX16m8CUiZ2LlziM8Ofu/bDiY595msYAjMMD1CAogJCgAR5CNkMDq56597u1Bx7aHBFW/z+Z+7tpvc78vyOa7X8yrhwlWh6tjQevshwlWB62WTUMa/YQlhmFQWFbJwZxi3l+xh49+3EtxeSUACRF27uqVwpBLkgizB5pcqYiIgMKX1yl8iciZqnQa/HvVXl78ZguHC0q9fj6b1eIOaiFBthpB7uShzmN7zfZBAYQE2rAHWcnOL3X3XO2sGia4I7vAPd1+bcwYJuiPcorKeH/FHmYs3eX+HgoLtnFbWjJ39mylJQ5EREym8OVlCl8icracToPi8kqKyiopLqukqLzi2POySorLKykuc23z3F7h0ebY/ooa76s8YZiar1gskBjhoHUzz2GCKTGhNI9sOMMEG4KS8ko++3k/05fsZFtWAeAK2wM7JzLystaa3EVExCQKX16m8CUi9U1ZhfOEUHcs7NUW6mpsL6/eXnHc+461jQwJpHWMawbBmkFLwwR9z+k0WLgli2mLd/DDjiPu7ZelxjDystZclhrTKO4rFBGpLxS+vEzhS0QaE8Mw9Mt8PfXLvhymLd7Bl+sOUt352S4+jJGXtWZg50Sf3gMoItJYKXx5mcKXiIjUJ3uPFPGPpTv56Me9FJW5JueID7czolcrbktLJlyTc4iIeI3Cl5cpfImISH2UW1TO+yt3M2PpLrLzXZNzNAm2MaR7EiN6p9Bck3OIiNQ5hS8vU/gSEZH6rLSiks9+PsD0xTvYWjU5R4DVwsALE/j9Za3p2DzC5ApFRPyHwpeXKXyJiEhDYBgGC7dkM33xDpZt/9W9vVebpoy8rDV9zm+m+/lERH4jhS8vU/gSEZGGZt2+XKYv2cEX6w5SWTU7R9u4MEZe3prrNTmHiMg5U/jyMoUvERFpqPYdLWLG0l18uHIPhVWTc8SFB3NnzxT+Ny2ZCIcm5xARORsKX16m8CUiIg1dbnE5M1fsYcbSnWRVTc4RGhTA4O7J3NW7FS2iQkyuUESkYVD48jKFLxER8RdlFU5mr3VNzrH5UD7gmpzj2k4JjLpck3OIiJyOwpeXKXyJiIi/MQyDxVsPM23xdpZuOzY5R4/WTRl1eWuuaKvJOUREaqPw5WUKXyIi4s/W78/l70t28PkvxybnSI1twsjLW/O7LokE2wJMrlBEpP5Q+PIyhS8REWkM9ucU887SnXywci8FpRUANAsL5s6erbg9rSURIZqcQ0RE4cvLFL5ERKQxySsp54MVe5ixdBeZeSUAhAQFMLh7Enf1SiEpWpNziEjjpfDlZQpfIiLSGJVVOJnzywGmLd7BpkzX5BxWC1xTNTnHhS0izS1QRMQECl9epvAlIiKNmWEYLNl6mOlLdrBk62H39rSUaO7p05orzo/FatXkHCLSOCh8eZnCl4iIiMuGA3n8fckOZq89QEXV5BxtYptwS9cWXNkuljaxTTRLooj4NYUvL1P4EhER8XQwt5h3lu5i5oo95FdNzgHQIspB37ax9G3XjB6tY3AEaaZEEfEvCl9epvAlIiJSu7yScmb9tJ9vN2bxw45fKatwuvcF26z0OK8pV7aLpW/bWE3UISJ+QeHLyxS+RERETq+orIJl235lweYsFmzK4kBuicf+NrFN6Nu2GX3bxdKtZTRBNqtJlYqInDuFLy9T+BIRETk7hmGw5VABCzZn8d2mLFbvPupewBmgSbCNy1Jj6Ns2livaNiM23G5itSIiZ07hy8sUvkRERH6b3OJylmzNZsGmbBZtyeJwQZnH/o7Nw6vuFYulc4tIAjR7oojUUwpfXqbwJSIiUnecToN1+3P5blMWCzdnsXZfrsf+6NAg+pzfjCvaNqPP+c2IDAkyqVIRkRMpfHmZwpeIiIj3ZOeXsmhLNgs2Z7F4Szb5JcdmT7Ra4OLkKPpWTdrRPiFMU9mLiKkUvrxM4UtERMQ3yiudrNl9lO82Z7FwUzabD+V77I8Pt9O3XTOuaBtL7zYxhAbbTKrUXIWlFWTnlxIVEkRESKDZ5Yg0KgpfXqbwJSIiYo59R4tYuDmbBZuyWLr9MCXlx6ayDwqwcklKdFWvWDNaN2tiYqV1p6C0gszcYg7klJCZW8LB3BIy82q+LiavRu9guN1GctMQkqNDSIp2fa1+JEY6CAzQrJIidUnhy8sUvkRERMxXUl7JDzt+ZeHmbL7blMWeI0Ue+1s1DeGKtrFc2S6WS1KisQfWvwWe80vKycwt4UBuCZm5xRzMLeFgTgkH86pe55R4LFp9Ko7AAIrLK0/ZxmqBhAjHsUDW1DOgRYUEahinyFlS+PIyhS8REZH6xTAMdhwuZMGmLBZszmLlziOUVx77NccRGECvNk3d94olRjq8Xk9+aYUrSOUWnxiwcl29VgVnGKzC7DYSIuwkRDhIiLATH2EnMcJBfITd/TrMHkhRWQX7jhaz59ci9hxxPfYeOfa8tMai17VpEmyrCmPHAlp1OGse5SDYVv8CrIjZFL68TOFLRESkfisoreD7rYdZuNkVxg7llXrsbxcf5u4Vuzg5EttZDMUzDIO84goO5h3rqaoOVZl5JRzIcYWtwrJT90JVC7fbSIw8FqQSIk583qQO7mUzDIPs/NIaoazYI5xl5pWc8v0WCySE2z16ypJqhLOYJkF+1WtmGAalFU7ySyrILymnoLSCgpIK8qu+FpS6theXV9Imtgldk6NJinb41TWQM6Pw5WUKXyIiIg2HYRhsOJhX1SuWzU97jlJjfWfC7TYuP78ZfdvG0qdtM2xWi7tn6kBVr9XBqnurqrcXnWGwigwJJD68KkhFOkgIt1cFKwcJkXbiw+31ZpKQkvJK9h0t9ugpqxnOTveZHYEBx91n5nDfe9YiKsRnwz4Nw6Ck3El+SflxQelYYHJvOy5IVbepDloVzrP7VblZWDBdk6Po1iqKi1tG0TExgiCb7rHzdwpfXqbwJSIi0nAdLSxj8VbXpB0Lt2STU1R+TseJCgkkvmoYYIJ7+J+DxKphgPERdkKC6kew+q0Mw+DXwrJjYaxqWOPeo64etAO5xZzut8q48OBaJwFJjg6hWVgwAMXllVU9TccCUEFpuee20pr7y2uEqmP7K88yNJ2KxQJNgmw0sdtoEuz6GmYPJCzY9doWYGHDwTzW78/1GOoKEGyzcmGLCLq2jKZryyi6towiOlTr1PkbhS8vU/gSERHxD5VOg5/35rjvFfvvgTzAtbBzfLidxMgaPVURx57Hh9txBOn+p2qlFZUcyCnx7C2rcd/Z6e5tCwqwUuF0UoeZyRWagm2ukFQVmNzhKbiWIFUzXAVXtbfbCAkMwGo9/VDCkvJK1u3PZdWuo6zefZQ1e45ypLDshHatY0LdQaxbqyhaxzQ5o+NL/aXw5WUKXyIiIv4pt7icYJu1Xs6M2FAZhkFOUXmtQxn3HCniYG6JR0+VtTo02QMJqxGIXNts7n0eQarG/up9IUEBpt5/ZRgGOw8Xsmr3UdbsPsqq3UfZllVwQrvIkEAuTo5yB7LOLSIV7BsYhS8vU/gSERERqRvllU4O5ZUQFGClid2GI9Dc0ORNOUVlrNnj6hlbtesoa/fleKxVB2CzWuiQGM7FLaPoVjVcMT7CblLFciYUvrxM4UtEREREfqvySicbDuSxendVINt95ISZOQGaRzrcwxQvTo6iXXzYWc3QKd6l8OVlCl8iIiIiUtcMw2B/TrE7jK3efZSNB/NOuBcuNCiAi5KjqnrHouiSHEm4PdCcokXhy9sUvkRERETEFwpKK1i7N8c1kceeo/y0+yj5x01gYrFA27gwd++Y1hzzLYUvL1P4EhEREREzVDoNtmblu2dVXL37KHuOFJ3QTmuO+Y7Cl5cpfImIiIhIfZGVV8KaPUfdvWO1rTkWZLPSWWuOeYXCl5cpfImIiIhIfXWma461ahpCbLjdNW1/sI3Qqun6Q92LSgfQJDiQ0OCAqmn+q55XfdWkHy5nmg38Y8l1ERERERFxswcG0L1VNN1bRQMnX3Ns169F7Pr1xCGLZ34eq0dwa1Jj8erQqgWua9te83WTIFujCXLq+TpH6vkSERERkYYsp6iM9fvzyCkuo7C0gvySCgpLKykoLaegtJKC0goKSysoKKmgoLTC/Tq/tIKyCufpT3CWHIEBx3reggOOBbTqAFcV1GoGu1YxobRPMP93cfV8iYiIiIjISUWGBNE7Neac3ltW4XQFs+NCWW1hzfW8koKScgpLK4+1q3pUB7ni8kqKyys5XHDiOmcnM6R7Es/cdOE5fQYz1Ivw9eabb/L888+TmZlJ586def3117nkkktO2v7jjz9m0qRJ7Nq1i9TUVJ599lmuueYa937DMJg8eTLTp08nJyeHXr16MXXqVFJTU91tjhw5wtixY/n888+xWq3cdNNNvPrqqzRp0sSrn1VEREREpKELslkJsgURVQcTdhwf5NyPEs+QVlBSQWFZdQ+da9t5zRrW7+6mh6+PPvqIBx98kIyMDNLS0njllVdIT09n8+bNxMbGntB+2bJl3HbbbUyZMoXrrruOmTNnMmjQINasWUPHjh0BeO6553jttdd49913SUlJYdKkSaSnp7NhwwbsdjsAQ4cO5eDBg8ybN4/y8nJGjBjBqFGjmDlzpk8/v4iIiIhIY1aXQa6+M/2er7S0NLp3784bb7wBgNPpJCkpibFjx/Loo4+e0H7w4MEUFhYyZ84c97ZLL72ULl26kJGRgWEYJCYm8tBDD/Hwww8DkJubS1xcHO+88w5Dhgxh48aNXHDBBfz4449069YNgLlz53LNNdewb98+EhMTT1u37vkSERERERE482xg6pQiZWVlrF69mn79+rm3Wa1W+vXrx/Lly2t9z/Llyz3aA6Snp7vb79y5k8zMTI82ERERpKWludssX76cyMhId/AC6NevH1arlRUrVtR63tLSUvLy8jweIiIiIiIiZ8rU8HX48GEqKyuJi4vz2B4XF0dmZmat78nMzDxl++qvp2tz/JBGm81GdHT0Sc87ZcoUIiIi3I+kpKQz/JQiIiIiIiImh6+G5LHHHiM3N9f92Lt3r9kliYiIiIhIA2Jq+IqJiSEgIIBDhw55bD906BDx8fG1vic+Pv6U7au/nq5NVlaWx/6KigqOHDly0vMGBwcTHh7u8RARERERETlTpoavoKAgunbtyvz5893bnE4n8+fPp0ePHrW+p0ePHh7tAebNm+dun5KSQnx8vEebvLw8VqxY4W7To0cPcnJyWL16tbvNd999h9PpJC0trc4+n4iIiIiISDXTp5p/8MEHGT58ON26deOSSy7hlVdeobCwkBEjRgBwxx130Lx5c6ZMmQLAuHHj6NOnDy+++CLXXnstH374IatWrWLatGkAWCwWxo8fz9NPP01qaqp7qvnExEQGDRoEQPv27enfvz8jR44kIyOD8vJyxowZw5AhQ85opkMREREREZGzZXr4Gjx4MNnZ2TzxxBNkZmbSpUsX5s6d654wY8+ePVitxzroevbsycyZM3n88ceZOHEiqampzJo1y73GF8Af//hHCgsLGTVqFDk5OfTu3Zu5c+e61/gCeP/99xkzZgxXXXWVe5Hl1157zXcfXEREREREGhXT1/lqqLTOl4iIiIiIQANZ50tERERERKSxUPgSERERERHxAYUvERERERERH1D4EhERERER8QGFLxERERERER9Q+BIREREREfEBhS8REREREREfUPgSERERERHxAYUvERERERERH7CZXUBDZRgG4FrNWkREREREGq/qTFCdEU5G4esc5efnA5CUlGRyJSIiIiIiUh/k5+cTERFx0v0W43TxTGrldDo5cOAAYWFhWCwWs8tpsPLy8khKSmLv3r2Eh4ebXU6joetuDl13c+i6m0PX3Ry67ubQdTdHfbruhmGQn59PYmIiVuvJ7+xSz9c5slqttGjRwuwy/EZ4eLjp/2gaI113c+i6m0PX3Ry67ubQdTeHrrs56st1P1WPVzVNuCEiIiIiIuIDCl8iIiIiIiI+oPAlpgoODmby5MkEBwebXUqjoutuDl13c+i6m0PX3Ry67ubQdTdHQ7zumnBDRERERETEB9TzJSIiIiIi4gMKXyIiIiIiIj6g8CUiIiIiIuIDCl8iIiIiIiI+oPAlppgyZQrdu3cnLCyM2NhYBg0axObNm80uq1F55plnsFgsjB8/3uxS/N7+/fu5/fbbadq0KQ6Hg06dOrFq1Sqzy/JrlZWVTJo0iZSUFBwOB+eddx5PPfUUmmOqbi1evJiBAweSmJiIxWJh1qxZHvsNw+CJJ54gISEBh8NBv3792Lp1qznF+pFTXffy8nImTJhAp06dCA0NJTExkTvuuIMDBw6YV7CfON33e0333nsvFouFV155xWf1+aszue4bN27k+uuvJyIigtDQULp3786ePXt8X+wZUPgSUyxatIjRo0fzww8/MG/ePMrLy7n66qspLCw0u7RG4ccff+Stt97iwgsvNLsUv3f06FF69epFYGAgX331FRs2bODFF18kKirK7NL82rPPPsvUqVN544032LhxI88++yzPPfccr7/+utml+ZXCwkI6d+7Mm2++Wev+5557jtdee42MjAxWrFhBaGgo6enplJSU+LhS/3Kq615UVMSaNWuYNGkSa9as4ZNPPmHz5s1cf/31JlTqX073/V7t008/5YcffiAxMdFHlfm301337du307t3b9q1a8fChQv55ZdfmDRpEna73ceVniFDpB7IysoyAGPRokVml+L38vPzjdTUVGPevHlGnz59jHHjxpldkl+bMGGC0bt3b7PLaHSuvfZa46677vLYduONNxpDhw41qSL/Bxiffvqp+7XT6TTi4+ON559/3r0tJyfHCA4ONj744AMTKvRPx1/32qxcudIAjN27d/umqEbgZNd93759RvPmzY3169cbLVu2NF5++WWf1+bParvugwcPNm6//XZzCjoH6vmSeiE3NxeA6Ohokyvxf6NHj+baa6+lX79+ZpfSKMyePZtu3bpxyy23EBsby0UXXcT06dPNLsvv9ezZk/nz57NlyxYA1q5dy/fff8+AAQNMrqzx2LlzJ5mZmR7/10RERJCWlsby5ctNrKzxyc3NxWKxEBkZaXYpfs3pdDJs2DAeeeQROnToYHY5jYLT6eSLL77g/PPPJz09ndjYWNLS0k45JNRsCl9iOqfTyfjx4+nVqxcdO3Y0uxy/9uGHH7JmzRqmTJlidimNxo4dO5g6dSqpqal8/fXX3Hfffdx///28++67Zpfm1x599FGGDBlCu3btCAwM5KKLLmL8+PEMHTrU7NIajczMTADi4uI8tsfFxbn3ifeVlJQwYcIEbrvtNsLDw80ux689++yz2Gw27r//frNLaTSysrIoKCjgmWeeoX///nzzzTfccMMN3HjjjSxatMjs8mplM7sAkdGjR7N+/Xq+//57s0vxa3v37mXcuHHMmzev/o6D9kNOp5Nu3brx17/+FYCLLrqI9evXk5GRwfDhw02uzn/9+9//5v3332fmzJl06NCBn3/+mfHjx5OYmKjrLo1GeXk5t956K4ZhMHXqVLPL8WurV6/m1VdfZc2aNVgsFrPLaTScTicAv/vd73jggQcA6NKlC8uWLSMjI4M+ffqYWV6t1PMlphozZgxz5sxhwYIFtGjRwuxy/Nrq1avJysri4osvxmazYbPZWLRoEa+99ho2m43KykqzS/RLCQkJXHDBBR7b2rdvX29nYfIXjzzyiLv3q1OnTgwbNowHHnhAvb4+FB8fD8ChQ4c8th86dMi9T7ynOnjt3r2befPmqdfLy5YsWUJWVhbJycnun7G7d+/moYceolWrVmaX57diYmKw2WwN6ueser7EFIZhMHbsWD799FMWLlxISkqK2SX5vauuuop169Z5bBsxYgTt2rVjwoQJBAQEmFSZf+vVq9cJyyhs2bKFli1bmlRR41BUVITV6vn3xYCAAPdfScX7UlJSiI+PZ/78+XTp0gWAvLw8VqxYwX333WducX6uOnht3bqVBQsW0LRpU7NL8nvDhg074V7q9PR0hg0bxogRI0yqyv8FBQXRvXv3BvVzVuFLTDF69GhmzpzJZ599RlhYmHv8f0REBA6Hw+Tq/FNYWNgJ99SFhobStGlT3WvnRQ888AA9e/bkr3/9K7feeisrV65k2rRpTJs2zezS/NrAgQP5y1/+QnJyMh06dOCnn37ipZde4q677jK7NL9SUFDAtm3b3K937tzJzz//THR0NMnJyYwfP56nn36a1NRUUlJSmDRpEomJiQwaNMi8ov3Aqa57QkICN998M2vWrGHOnDlUVla6f8ZGR0cTFBRkVtkN3um+348PuYGBgcTHx9O2bVtfl+pXTnfdH3nkEQYPHszll19O3759mTt3Lp9//jkLFy40r+hTMXu6RWmcgFofM2bMMLu0RkVTzfvG559/bnTs2NEIDg422rVrZ0ybNs3skvxeXl6eMW7cOCM5Odmw2+1G69atjf/7v/8zSktLzS7NryxYsKDW/8uHDx9uGIZruvlJkyYZcXFxRnBwsHHVVVcZmzdvNrdoP3Cq675z586T/oxdsGCB2aU3aKf7fj+eppqvG2dy3d9++22jTZs2ht1uNzp37mzMmjXLvIJPw2IYhuH9iCciIiIiItK4acINERERERERH1D4EhERERER8QGFLxERERERER9Q+BIREREREfEBhS8REREREREfUPgSERERERHxAYUvERERERERH1D4EhERERER8QGFLxERER+zWCzMmjXL7DJERMTHFL5ERKRRufPOO7FYLCc8+vfvb3ZpIiLi52xmFyAiIuJr/fv3Z8aMGR7bgoODTapGREQaC/V8iYhIoxMcHEx8fLzHIyoqCnANCZw6dSoDBgzA4XDQunVr/vOf/3i8f926dVx55ZU4HA6aNm3KqFGjKCgo8Gjzj3/8gw4dOhAcHExCQgJjxozx2H/48GFuuOEGQkJCSE1NZfbs2d790CIiYjqFLxERkeNMmjSJm266ibVr1zJ06FCGDBnCxo0bASgsLCQ9PZ2oqCh+/PFHPv74Y7799luPcDV16lRGjx7NqFGjWLduHbNnz6ZNmzYe5/jTn/7Erbfeyi+//MI111zD0KFDOXLkiE8/p4iI+JbFMAzD7CJERER85c477+S9997Dbrd7bJ84cSITJ07EYrFw7733MnXqVPe+Sy+9lIsvvpi//e1vTJ8+nQkTJrB3715CQ0MB+PLLLxk4cCAHDhwgLi6O5s2bM2LECJ5++ulaa7BYLDz++OM89dRTgCvQNWnShK+++kr3nomI+DHd8yUiIo1O3759PcIVQHR0tPt5jx49PPb16NGDn3/+GYCNGzfSuXNnd/AC6NWrF06nk82bN2OxWDhw4ABXXXXVKWu48MIL3c9DQ0MJDw8nKyvrXD+SiIg0AApfIiLS6ISGhp4wDLCuOByOM2oXGBjo8dpiseB0Or1RkoiI1BO650tEROQ4P/zwwwmv27dvD0D79u1Zu3YthYWF7v1Lly7FarXStm1bwsLCaNWqFfPnz/dpzSIiUv+p50tERBqd0tJSMjMzPbbZbDZiYmIA+Pjjj+nWrRu9e/fm/fffZ+XKlbz99tsADB06lMmTJzN8+HCefPJJsrOzGTt2LMOGDSMuLg6AJ598knvvvZfY2FgGDBhAfn4+S5cuZezYsb79oCIiUq8ofImISKMzd+5cEhISPLa1bduWTZs2Aa6ZCD/88EP+8Ic/kJCQwAcffMAFF1wAQEhICF9//TXjxo2je/fuhISEcNNNN/HSSy+5jzV8+HBKSkp4+eWXefjhh4mJieHmm2/23QcUEZF6SbMdioiI1GCxWPj0008ZNGiQ2aWIiIif0T1fIiIiIiIiPqDwJSIiIiIi4gO650tERKQGjcYXERFvUc+XiIiIiIiIDyh8iYiIiIiI+IDCl4iIiIiIiA8ofImIiIiIiPiAwpeIiIiIiIgPKHyJiIiIiIj4gMKXiIiIiIiIDyh8iYiIiIiI+MD/B822BUYiSNmsAAAAAElFTkSuQmCC", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA18AAAIjCAYAAAD80aFnAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjYuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8o6BhiAAAACXBIWXMAAA9hAAAPYQGoP6dpAABfyElEQVR4nO3df3xP9f//8ftrm22GzQybaSwsP2cY1nj7VatNkpVPSfIrJfIz8s6v/KyWpDehUL1REaksia1ZlJj8mJ8lqRhh5kc2pjb2Ot8/fL3evWzsh+28/LhdL5dzuez1PI9zzvO5nbT7zjnPYzEMwxAAAAAAoEQ5OboDAAAAAHA7IHwBAAAAgAkIXwAAAABgAsIXAAAAAJiA8AUAAAAAJiB8AQAAAIAJCF8AAAAAYALCFwAAAACYgPAFAAAAACYgfAG4rfXq1UuBgYFF2nbChAmyWCzF26EbzMGDB2WxWLRgwQLTj22xWDRhwgTb5wULFshisejgwYP5bhsYGKhevXoVa3+u51y5nXzyySeqUKGCzp07V+htC/MzLglXnnM3s5EjRyosLMzR3QBwBcIXgBuSxWIp0LJu3TpHd/W2N3jwYFksFv36669XrRkzZowsFot27dplYs8K7+jRo5owYYJ27Njh6K7YXA7Ab7zxhqO7kq+cnByNHz9egwYNUtmyZW3t2dnZmjFjhho3bixPT0+VL19e9evXV9++ffXzzz87sMfF4/LP6PLi5OSkChUqqH379kpKSspVf/kPN76+vjp//nyu9YGBgXrwwQft2i7ve9q0abnqL4fWrVu32tqGDh2qnTt3asWKFcUwQgDFhfAF4Ib04Ycf2i333Xdfnu1169a9ruO8++672rdvX5G2HTt2rP7666/rOv6toFu3bpKkxYsXX7Xm448/VnBwsBo2bFjk43Tv3l1//fWXqlevXuR95Ofo0aOaOHFinuHres6V28WXX36pffv2qW/fvnbtnTt31vDhw9WgQQO99tprmjhxolq3bq3Vq1dr06ZNtjozfsYlqWvXrvrwww81f/589e/fX5s2bVK7du20e/fuPOvT0tL0zjvvFOoYU6dOzTOwXcnPz0+dOnW6KUI7cDtxcXQHACAvTz75pN3nTZs2KSEhIVf7lc6fPy8PD48CH6dUqVJF6p8kubi4yMWFf0bDwsJUq1Ytffzxxxo3blyu9UlJSTpw4IBee+216zqOs7OznJ2dr2sf1+N6zpXbxfz589WyZUtVrVrV1rZlyxatXLlSr7zyikaPHm1XP2vWLJ05c8b22dE/4+vVpEkTu3+jWrVqpfbt2+udd97R22+/nau+UaNGmjp1qp577jmVLl063/03atRIO3bs0Jw5czRs2LB86x977DE9+uij+v3331WjRo3CDQZAieDKF4CbVtu2bdWgQQNt27ZNrVu3loeHh+2Xuy+++EIdOnSQv7+/3NzcVLNmTU2ePFk5OTl2+7jyOZ5/3uI1b9481axZU25ubmrWrJm2bNlit21ez3xZLBYNHDhQsbGxatCggdzc3FS/fn3FxcXl6v+6devUtGlTubu7q2bNmpo7d26BnyNbv369Hn30UVWrVk1ubm4KCAjQ888/n+tKXK9evVS2bFkdOXJE0dHRKlu2rCpVqqQXXngh1/fizJkz6tWrl7y8vFS+fHn17NnT7hfja+nWrZt+/vlnJScn51q3ePFiWSwWde3aVdnZ2Ro3bpxCQ0Pl5eWlMmXKqFWrVlq7dm2+x8jreSDDMPTyyy/rjjvukIeHh9q1a6cff/wx17anT5/WCy+8oODgYJUtW1aenp5q3769du7caatZt26dmjVrJknq3bu37Tavy8+75fXMV2ZmpoYPH66AgAC5ubmpdu3aeuONN2QYhl1dYc6LokpLS1OfPn3k6+srd3d3hYSEaOHChbnqlixZotDQUJUrV06enp4KDg7WjBkzbOsvXLigiRMnKigoSO7u7vLx8dG//vUvJSQkXPP4f//9t+Li4hQREWHX/ttvv0mSWrZsmWsbZ2dn+fj42D7n9TO+fAve5f9eSpcureDgYNstx59//rmCg4Pl7u6u0NBQbd++3e4Yl/8b+P333xUZGakyZcrI399fkyZNyvVzysuRI0f01FNPydfX1/Zz++9//5vvdtKl8PXP78GVxo0bp+PHjxf46lfLli11zz336PXXXy/QVffLP4svvviiQPsHUPIIXwBuaqdOnVL79u3VqFEjTZ8+Xe3atZN06Ze4smXLatiwYZoxY4ZCQ0M1btw4jRw5skD7Xbx4saZOnapnn31WL7/8sg4ePKhHHnlEFy5cyHfb77//Xs8995wef/xxvf766/r777/VuXNnnTp1ylazfft2RUVF6dSpU5o4caL69OmjSZMmKTY2tkD9W7Zsmc6fP6/+/ftr5syZioyM1MyZM9WjR49ctTk5OYqMjJSPj4/eeOMNtWnTRtOmTdO8efNsNYZhqFOnTvrwww/15JNP6uWXX9Yff/yhnj17Fqg/V7v1MCcnR5988olatWqlatWqKSMjQ++9957atm2rKVOmaMKECTpx4oQiIyOL9JzVuHHj9NJLLykkJERTp05VjRo1dP/99yszM9Ou7vfff1dsbKwefPBBvfnmmxoxYoR2796tNm3a6OjRo5KkunXratKkSZKkvn372m5tbd26dZ7HNgxDDz30kP7zn/8oKipKb775pmrXrq0RI0bkeVWiIOdFUf31119q27atPvzwQ3Xr1k1Tp06Vl5eXevXqZResEhIS1LVrV3l7e2vKlCl67bXX1LZtW23YsMFWM2HCBE2cOFHt2rXTrFmzNGbMGFWrVi3PYP1P27ZtU3Z2tpo0aWLXfvkWwkWLFunixYtFGt+vv/6qJ554Qh07dlRMTIz+/PNPdezYUYsWLdLzzz+vJ598UhMnTtRvv/2mxx57TFar1W77nJwcRUVFydfXV6+//rpCQ0M1fvx4jR8//prHPX78uO6++26tWbNGAwcO1IwZM1SrVi316dNH06dPz7ffl0Okt7d3nutbtWpVqDAlXfr5FDSweXl5qWbNmnY/XwAOZgDATWDAgAHGlf9ktWnTxpBkzJkzJ1f9+fPnc7U9++yzhoeHh/H333/b2nr27GlUr17d9vnAgQOGJMPHx8c4ffq0rf2LL74wJBlffvmlrW38+PG5+iTJcHV1NX799Vdb286dOw1JxsyZM21tHTt2NDw8PIwjR47Y2vbv32+4uLjk2mde8hpfTEyMYbFYjJSUFLvxSTImTZpkV9u4cWMjNDTU9jk2NtaQZLz++uu2tosXLxqtWrUyJBnz58/Pt0/NmjUz7rjjDiMnJ8fWFhcXZ0gy5s6da9tnVlaW3XZ//vmn4evrazz11FN27ZKM8ePH2z7Pnz/fkGQcOHDAMAzDSEtLM1xdXY0OHToYVqvVVjd69GhDktGzZ09b299//23XL8O49LN2c3Oz+95s2bLlquO98ly5/D17+eWX7er+7//+z7BYLHbnQEHPi7xcPienTp161Zrp06cbkoyPPvrI1padnW2Eh4cbZcuWNTIyMgzDMIwhQ4YYnp6exsWLF6+6r5CQEKNDhw7X7FNe3nvvPUOSsXv3brt2q9Vq+2/V19fX6Nq1qzF79my78/SyK3/GhmEY1atXNyQZGzdutLXFx8cbkozSpUvb7Wfu3LmGJGPt2rW2tsv/DQwaNMiuTx06dDBcXV2NEydO2NqvPOf69OljVKlSxTh58qRdPx9//HHDy8vL9t/h5Z/RxIkTjRMnThipqanG+vXrjWbNmhmSjGXLltltf/nfjhMnThjffvutIcl488037cZ85c9AkjFgwADDMAyjXbt2hp+fn+34l79vW7ZsyfU9vf/++426devmagfgGFz5AnBTc3NzU+/evXO1//P5ibNnz+rkyZNq1aqVzp8/X6DZ1bp06WL31+rLtw/9/vvv+W4bERGhmjVr2j43bNhQnp6etm1zcnK0Zs0aRUdHy9/f31ZXq1YttW/fPt/9S/bjy8zM1MmTJ9WiRQsZhpHrtitJ6tevn93nVq1a2Y1l1apVcnFxUf/+/W1tzs7OGjRoUIH6I116Tu+PP/7Qd999Z2tbvHixXF1d9eijj9r26erqKkmyWq06ffq0Ll68qKZNm+Z7ZeVKa9asUXZ2tgYNGmR3q+bQoUNz1bq5ucnJ6dL/8nJycnTq1CmVLVtWtWvXLvRxL1u1apWcnZ01ePBgu/bhw4fLMAytXr3arj2/8+J6rFq1Sn5+furatautrVSpUho8eLDOnTunb7/9VpJUvnx5ZWZmXvMWwvLly+vHH3/U/v37C9WHy1fwrrzKY7FYFB8fr5dfflne3t76+OOPNWDAAFWvXl1dunQp0K2t9erVU3h4uO3z5SnU77nnHlWrVi1Xe17f04EDB9r1aeDAgcrOztaaNWvyPKZhGPrss8/UsWNHGYahkydP2pbIyEilp6fnOnfGjx+vSpUqyc/PT61atdLevXs1bdo0/d///d9Vx9a6dWu1a9eu0Fe/UlNTNWfOnHxrvb29dfLkyQLtF0DJI3wBuKlVrVrV9sv8P/344496+OGH5eXlJU9PT1WqVMn2IHx6enq++/3nL3TS/36h/PPPPwu97eXtL2+blpamv/76S7Vq1cpVl1dbXg4dOqRevXqpQoUKtue42rRpIyn3+Nzd3VWpUqWr9keSUlJSVKVKFbvpwSWpdu3aBeqPJD3++ONydna23Xr4999/a/ny5Wrfvr3dL+QLFy5Uw4YNbc8TVapUSV999VWBfi7/lJKSIkkKCgqya69UqVKuAGC1WvWf//xHQUFBcnNzU8WKFVWpUiXt2rWr0Mf95/H9/f1Vrlw5u/bLM3Be7t9l+Z0X1yMlJUVBQUG2gHm1vjz33HO666671L59e91xxx166qmncj13NmnSJJ05c0Z33XWXgoODNWLEiEK9IsDI4zkqNzc3jRkzRnv37tXRo0f18ccf6+6779Ynn3xiF4qu5srvnZeXlyQpICAgz/Yrv6dOTk65Jpy46667JOmq7xQ7ceKEzpw5o3nz5qlSpUp2y+U/+KSlpdlt07dvXyUkJOjLL7+0PYN55bOVeSlMmJIKF9gMw7jl30cI3EwIXwBuannNEHbmzBm1adNGO3fu1KRJk/Tll18qISFBU6ZMkaRcz4Pk5WozruX1i2VxblsQOTk5uu+++/TVV1/pxRdfVGxsrBISEmwTQ1w5PrNmj6tcubLuu+8+ffbZZ7pw4YK+/PJLnT171vY8mCR99NFH6tWrl2rWrKn3339fcXFxSkhI0D333FOgn0tRvfrqqxo2bJhat26tjz76SPHx8UpISFD9+vVL9Lj/VNLnRUFUrlxZO3bs0IoVK/TQQw9p7dq1at++vd2zfa1bt9Zvv/2m//73v2rQoIHee+89NWnSRO+9994193154oz8wmSVKlX0+OOP67vvvlNQUJA++eSTfJ8Fu9r3riS/p5fPiyeffFIJCQl5LldOIhIUFKSIiAjbs4XPP/+8Ro4caff+rby0bt1abdu2LdTVr/Hjxys1NVVz5869Zt2ff/6pihUrFmifAEoecyQDuOWsW7dOp06d0ueff243WcKBAwcc2Kv/qVy5stzd3fN8KfG1XlR82e7du/XLL79o4cKFdhNs5Dcb3bVUr15diYmJOnfunN3Vr8K+16pbt26Ki4vT6tWrtXjxYnl6eqpjx4629Z9++qlq1Kihzz//3O6v8flNfHC1PkvS/v377a5qnDhxIlcA+PTTT9WuXTu9//77du1nzpyx+8W0MFcIqlevrjVr1ujs2bN2V78u39Zq5ruqqlevrl27dslqtdpd/cqrL66ururYsaM6duwoq9Wq5557TnPnztVLL71ku/JaoUIF9e7dW71799a5c+fUunVrTZgwQU8//fRV+1CnTh1Jl/47Cw4OzrfPpUqVUsOGDbV//36dPHlSfn5+RRp7QVitVv3++++2q12S9Msvv0hSrhksL6tUqZLKlSunnJycXDM4FtSYMWP07rvvauzYsfnObDlhwgS1bds23zB1WZs2bWwT1+T1iofLDhw4oJCQkEL1G0DJ4coXgFvO5b+G//Ov39nZ2Xm+Z8cRnJ2dFRERodjYWNtMe9Kl4HXlc0JX216yH59hGHaz2hXWAw88oIsXL9rNoJaTk6OZM2cWaj/R0dHy8PDQ22+/rdWrV+uRRx6Ru7v7Nfv+ww8/KCkpqdB9joiIUKlSpTRz5ky7/eU1C52zs3OuqyHLli3TkSNH7NrKlCkjSQV6DumBBx5QTk6OZs2aZdf+n//8RxaLpcDP7xWHBx54QKmpqVq6dKmt7eLFi5o5c6bKli1ruyX1ypkVnZycbC++zsrKyrOmbNmyqlWrlm391YSGhsrV1TXXVZ79+/fr0KFDuerPnDmjpKQkeXt757ottiT88+dkGIZmzZqlUqVK6d57782z3tnZWZ07d9Znn32mPXv25Fp/4sSJfI9Zvnx5Pfvss4qPj893Ns9/hqm///47331L/7td8Z8zl/5Tenq6fvvtN7Vo0aJA+wNQ8rjyBeCW06JFC3l7e6tnz54aPHiwLBaLPvzwQ1Nv78rPhAkT9PXXX6tly5bq37+/7Zf4Bg0a5PtLWp06dVSzZk298MILOnLkiDw9PfXZZ59d17NDHTt2VMuWLTVy5EgdPHhQ9erV0+eff17o56HKli2r6Oho23Nf/7zlUJIefPBBff7553r44YfVoUMHHThwQHPmzFG9evV07ty5Qh3r8vvKYmJi9OCDD+qBBx7Q9u3btXr16ly3WT344IOaNGmSevfurRYtWmj37t1atGhRrueAatasqfLly2vOnDkqV66cypQpo7CwMN155525jt+xY0e1a9dOY8aM0cGDBxUSEqKvv/5aX3zxhYYOHWo3uUZxSExMzPOX8ujoaPXt21dz585Vr169tG3bNgUGBurTTz/Vhg0bNH36dNuVuaefflqnT5/WPffcozvuuEMpKSmaOXOmGjVqZHs+rF69emrbtq1CQ0NVoUIFbd26VZ9++mm+z2a5u7vr/vvv15o1a2xT9kvSzp079cQTT6h9+/Zq1aqVKlSooCNHjmjhwoU6evSopk+fXuK3xrq7uysuLk49e/ZUWFiYVq9era+++kqjR4++ZvB77bXXtHbtWoWFhemZZ55RvXr1dPr0aSUnJ2vNmjU6ffp0vsceMmSIpk+frtdee01Lliy5Zu348eNtr8soiDZt2qhNmza2CVWutGbNGttrJADcGAhfAG45Pj4+WrlypYYPH66xY8fK29tbTz75pO69915FRkY6unuSLl0lWL16tV544QW99NJLCggI0KRJk7R37958Z2MsVaqUvvzySw0ePFgxMTFyd3fXww8/rIEDBxb59iInJyetWLFCQ4cO1UcffSSLxaKHHnpI06ZNU+PGjQu1r27dumnx4sWqUqWK7rnnHrt1vXr1sj2nEh8fr3r16umjjz7SsmXLbC/NLYyXX35Z7u7umjNnju2X5K+//lodOnSwqxs9erQyMzO1ePFiLV26VE2aNNFXX32V671vpUqV0sKFCzVq1Cj169dPFy9e1Pz58/MMX5e/Z+PGjdPSpUs1f/58BQYGaurUqRo+fHihx5KfuLi4PG9dCwwMVIMGDbRu3TqNHDlSCxcuVEZGhmrXrq358+erV69ettonn3xS8+bN09tvv60zZ87Iz89PXbp00YQJE2y3Kw4ePFgrVqzQ119/raysLFWvXl0vv/yyRowYkW8fn3rqKXXu3FmHDx+2TYbRunVrTZ48WatXr9abb76pEydOqFy5cmrcuLGmTJmizp07F8836BqcnZ0VFxen/v37a8SIESpXrpzGjx9/zdv1JMnX11ebN2/WpEmT9Pnnn+vtt9+Wj4+P6tevb3uGND/+/v564okn9OGHH+q33367Zihv27btNcNUXiZMmHDVwLZs2TL961//KvY/BAAoOotxI/0pGABuc9HR0UWa5hu4EeTk5KhevXp67LHHNHnyZEd3R9KlwP/pp58W+srqzS41NVV33nmnlixZwpUv4AbCM18A4CBXzmq2f/9+rVq1Sm3btnVMh4Dr5OzsrEmTJmn27Nm3Xdi50UyfPl3BwcEEL+AGw5UvAHCQKlWqqFevXqpRo4ZSUlL0zjvvKCsrS9u3b8/17ioARXO7XvkCcGPimS8AcJCoqCh9/PHHSk1NlZubm8LDw/Xqq68SvAAAuEVx5QsAAAAATMAzXwAAAABgAsIXAAAAAJiAZ76KyGq16ujRoypXrpwsFoujuwMAAADAQQzD0NmzZ+Xv7297b2JeCF9FdPToUdsLJAEAAADg8OHDuuOOO666nvBVROXKlZN06Rvs6enp4N4AAAAAcJSMjAwFBATYMsLVEL6K6PKthp6enoQvAAAAAPk+jsSEGwAAAABgAsIXAAAAAJiA8AUAAAAAJrghnvmaPXu2pk6dqtTUVIWEhGjmzJlq3rz5VeuXLVuml156SQcPHlRQUJCmTJmiBx54wLa+V69eWrhwod02kZGRiouLkyQdPHhQkydP1jfffKPU1FT5+/vrySef1JgxY+Tq6loygwQAAECJMgxDFy9eVE5OjqO7gluMs7OzXFxcrvsVUw4PX0uXLtWwYcM0Z84chYWFafr06YqMjNS+fftUuXLlXPUbN25U165dFRMTowcffFCLFy9WdHS0kpOT1aBBA1tdVFSU5s+fb/vs5uZm+/rnn3+W1WrV3LlzVatWLe3Zs0fPPPOMMjMz9cYbb5TsgAEAAFDssrOzdezYMZ0/f97RXcEtysPDQ1WqVLmuizUWwzCMYuxToYWFhalZs2aaNWuWpEsvLw4ICNCgQYM0cuTIXPVdunRRZmamVq5caWu7++671ahRI82ZM0fSpStfZ86cUWxsbIH7MXXqVL3zzjv6/fff81yflZWlrKws2+fL00mmp6cz2yEAAIADWa1W7d+/X87OzqpUqZJcXV2v+woFcJlhGMrOztaJEyeUk5OjoKCgXC9SzsjIkJeXV77ZwKFXvrKzs7Vt2zaNGjXK1ubk5KSIiAglJSXluU1SUpKGDRtm1xYZGZkraK1bt06VK1eWt7e37rnnHr388svy8fG5al/S09NVoUKFq66PiYnRxIkTCzAqAAAAmCk7O9v2B3wPDw9Hdwe3oNKlS6tUqVJKSUlRdna23N3di7Qfh064cfLkSeXk5MjX19eu3dfXV6mpqXluk5qamm99VFSUPvjgAyUmJmrKlCn69ttv1b59+6ve//vrr79q5syZevbZZ6/a11GjRik9Pd22HD58uKDDBAAAgAmuvBoBFKfiOL8c/sxXSXj88cdtXwcHB6thw4aqWbOm1q1bp3vvvdeu9siRI4qKitKjjz6qZ5555qr7dHNzs3tuDAAAAAAKw6F/HqhYsaKcnZ11/Phxu/bjx4/Lz88vz238/PwKVS9JNWrUUMWKFfXrr7/atR89elTt2rVTixYtNG/evCKOAgAAAADy59Dw5erqqtDQUCUmJtrarFarEhMTFR4enuc24eHhdvWSlJCQcNV6Sfrjjz906tQpValSxdZ25MgRtW3bVqGhoZo/fz6XqQEAAHBLCAwM1PTp0wtcv27dOlksFp05c6bE+oRLHJ44hg0bpnfffVcLFy7U3r171b9/f2VmZqp3796SpB49ethNyDFkyBDFxcVp2rRp+vnnnzVhwgRt3bpVAwcOlCSdO3dOI0aM0KZNm3Tw4EElJiaqU6dOqlWrliIjIyX9L3hVq1ZNb7zxhk6cOKHU1NSrPmcGAAAAFDeLxXLNZcKECUXa75YtW9S3b98C17do0ULHjh2Tl5dXkY5XUIS8G+CZry5duujEiRMaN26cUlNT1ahRI8XFxdkm1Th06JDdVakWLVpo8eLFGjt2rEaPHq2goCDFxsba3vHl7OysXbt2aeHChTpz5oz8/f11//33a/LkybZnthISEvTrr7/q119/1R133GHXHwfPvA8AAIDbxLFjx2xfL126VOPGjdO+fftsbWXLlrV9bRiGcnJy5OKS/6/vlSpVKlQ/XF1dr/kID4qPw698SdLAgQOVkpKirKws/fDDDwoLC7OtW7dunRYsWGBX/+ijj2rfvn3KysrSnj179MADD9jWlS5dWvHx8UpLS1N2drYOHjyoefPm2c2Q2KtXLxmGkecCAACAm59hGDqffdEhS0F/p/Tz87MtXl5eslgsts8///yzypUrp9WrVys0NFRubm76/vvv9dtvv6lTp07y9fVV2bJl1axZM61Zs8Zuv1fedmixWPTee+/p4YcfloeHh4KCgrRixQrb+iuvSC1YsEDly5dXfHy86tatq7JlyyoqKsouLF68eFGDBw9W+fLl5ePjoxdffFE9e/ZUdHR0kX9mf/75p3r06CFvb295eHioffv22r9/v219SkqKOnbsKG9vb5UpU0b169fXqlWrbNt269ZNlSpVUunSpRUUFKT58+cXuS8lxeFXvgAAAIDi9teFHNUbF++QY/80KVIersXza/bIkSP1xhtvqEaNGvL29tbhw4f1wAMP6JVXXpGbm5s++OADdezYUfv27VO1atWuup+JEyfq9ddf19SpUzVz5kx169ZNKSkpV33P7fnz5/XGG2/oww8/lJOTk5588km98MILWrRokSRpypQpWrRokebPn6+6detqxowZio2NVbt27Yo81l69emn//v1asWKFPD099eKLL+qBBx7QTz/9pFKlSmnAgAHKzs7Wd999pzJlyuinn36yXR186aWX9NNPP2n16tW2ifb++uuvIvelpBC+AAAAgBvUpEmTdN9999k+V6hQQSEhIbbPkydP1vLly7VixQrbHAh56dWrl7p27SpJevXVV/XWW29p8+bNioqKyrP+woULmjNnjmrWrCnp0p1qkyZNsq2fOXOmRo0apYcffliSNGvWLNtVqKK4HLo2bNigFi1aSJIWLVqkgIAAxcbG6tFHH9WhQ4fUuXNnBQcHS7o0o/llhw4dUuPGjdW0aVNJl67+3YgIXwAAALjllC7lrJ8mRTrs2MXlcpi47Ny5c5owYYK++uorHTt2TBcvXtRff/2lQ4cOXXM/DRs2tH1dpkwZeXp6Ki0t7ar1Hh4etuAlSVWqVLHVp6en6/jx42revLltvbOzs0JDQ2W1Wgs1vsv27t0rFxcXu8ePfHx8VLt2be3du1eSNHjwYPXv319ff/21IiIi1LlzZ9u4+vfvr86dOys5OVn333+/oqOjbSHuRnJDPPMFAAAAFCeLxSIPVxeHLBaLpdjGUaZMGbvPL7zwgpYvX65XX31V69ev144dOxQcHKzs7Oxr7qdUqVK5vj/XCkp51Tt6foSnn35av//+u7p3767du3eradOmmjlzpiSpffv2SklJ0fPPP6+jR4/q3nvv1QsvvODQ/uaF8AUAAADcJDZs2KBevXrp4YcfVnBwsPz8/HTw4EFT++Dl5SVfX19t2bLF1paTk6Pk5OQi77Nu3bq6ePGifvjhB1vbqVOntG/fPtWrV8/WFhAQoH79+unzzz/X8OHD9e6779rWVapUST179tRHH32k6dOna968eUXuT0nhtkMAAADgJhEUFKTPP/9cHTt2lMVi0UsvvVTkW/2ux6BBgxQTE6NatWqpTp06mjlzpv78888CXfXbvXu3ypUrZ/tssVgUEhKiTp066ZlnntHcuXNVrlw5jRw5UlWrVlWnTp0kSUOHDlX79u1111136c8//9TatWtVt25dSdK4ceMUGhqq+vXrKysrSytXrrStu5EQvgAAAICbxJtvvqmnnnpKLVq0UMWKFfXiiy8qIyPD9H68+OKLSk1NVY8ePeTs7Ky+ffsqMjJSzs75P+/WunVru8/Ozs66ePGi5s+fryFDhujBBx9Udna2WrdurVWrVtlugczJydGAAQP0xx9/yNPTU1FRUfrPf/4j6dK7ykaNGqWDBw+qdOnSatWqlZYsWVL8A79OFsPRN2/epDIyMuTl5aX09HR5eno6ujsAAAC3rb///lsHDhzQnXfeKXd3d0d357ZktVpVt25dPfbYY5o8ebKju1MirnWeFTQbcOULAAAAQKGkpKTo66+/Vps2bZSVlaVZs2bpwIEDeuKJJxzdtRsaE24AAAAAKBQnJyctWLBAzZo1U8uWLbV7926tWbPmhnzO6kbClS8AAAAAhRIQEKANGzY4uhs3Ha58AQAAAIAJCF8AAAAAYALCFwAAAACYgPAFAAAAACYgfAEAAACACQhfAAAAAGACwhcAAABwE2vbtq2GDh1q+xwYGKjp06dfcxuLxaLY2NjrPnZx7ed2QfgCAAAAHKBjx46KiorKc9369etlsVi0a9euQu93y5Yt6tu37/V2z86ECRPUqFGjXO3Hjh1T+/bti/VYV1qwYIHKly9foscwC+ELAAAAcIA+ffooISFBf/zxR6518+fPV9OmTdWwYcNC77dSpUry8PAoji7my8/PT25ubqYc61ZA+AIAAMCtxzCk7EzHLIZRoC4++OCDqlSpkhYsWGDXfu7cOS1btkx9+vTRqVOn1LVrV1WtWlUeHh4KDg7Wxx9/fM39Xnnb4f79+9W6dWu5u7urXr16SkhIyLXNiy++qLvuukseHh6qUaOGXnrpJV24cEHSpStPEydO1M6dO2WxWGSxWGx9vvK2w927d+uee+5R6dKl5ePjo759++rcuXO29b169VJ0dLTeeOMNValSRT4+PhowYIDtWEVx6NAhderUSWXLlpWnp6cee+wxHT9+3LZ+586dateuncqVKydPT0+FhoZq69atkqSUlBR17NhR3t7eKlOmjOrXr69Vq1YVuS/5cSmxPQMAAACOcuG89Kq/Y449+qjkWibfMhcXF/Xo0UMLFizQmDFjZLFYJEnLli1TTk6OunbtqnPnzik0NFQvvviiPD099dVXX6l79+6qWbOmmjdvnu8xrFarHnnkEfn6+uqHH35Qenq63fNhl5UrV04LFiyQv7+/du/erWeeeUblypXTv//9b3Xp0kV79uxRXFyc1qxZI0ny8vLKtY/MzExFRkYqPDxcW7ZsUVpamp5++mkNHDjQLmCuXbtWVapU0dq1a/Xrr7+qS5cuatSokZ555pl8x5PX+C4Hr2+//VYXL17UgAED1KVLF61bt06S1K1bNzVu3FjvvPOOnJ2dtWPHDpUqVUqSNGDAAGVnZ+u7775TmTJl9NNPP6ls2bKF7kdBEb4AAAAAB3nqqac0depUffvtt2rbtq2kS7ccdu7cWV5eXvLy8tILL7xgqx80aJDi4+P1ySefFCh8rVmzRj///LPi4+Pl738pjL766qu5ntMaO3as7evAwEC98MILWrJkif7973+rdOnSKlu2rFxcXOTn53fVYy1evFh///23PvjgA5Upcyl8zpo1Sx07dtSUKVPk6+srSfL29tasWbPk7OysOnXqqEOHDkpMTCxS+EpMTNTu3bt14MABBQQESJI++OAD1a9fX1u2bFGzZs106NAhjRgxQnXq1JEkBQUF2bY/dOiQOnfurODgYElSjRo1Ct2HwiB8AQAA4NZTyuPSFShHHbuA6tSpoxYtWui///2v2rZtq19//VXr16/XpEmTJEk5OTl69dVX9cknn+jIkSPKzs5WVlZWgZ/p2rt3rwICAmzBS5LCw8Nz1S1dulRvvfWWfvvtN507d04XL16Up6dngcdx+VghISG24CVJLVu2lNVq1b59+2zhq379+nJ2drbVVKlSRbt37y7Usf55zICAAFvwkqR69eqpfPny2rt3r5o1a6Zhw4bp6aef1ocffqiIiAg9+uijqlmzpiRp8ODB6t+/v77++mtFRESoc+fORXrOrqB45gsAAAC3Hovl0q1/jlj+/+2DBdWnTx999tlnOnv2rObPn6+aNWuqTZs2kqSpU6dqxowZevHFF7V27Vrt2LFDkZGRys7OLrZvVVJSkrp166YHHnhAK1eu1Pbt2zVmzJhiPcY/Xb7l7zKLxSKr1Voix5IuzdT4448/qkOHDvrmm29Ur149LV++XJL09NNP6/fff1f37t21e/duNW3aVDNnziyxvhC+AAAAAAd67LHH5OTkpMWLF+uDDz7QU089ZXv+a8OGDerUqZOefPJJhYSEqEaNGvrll18KvO+6devq8OHDOnbsmK1t06ZNdjUbN25U9erVNWbMGDVt2lRBQUFKSUmxq3F1dVVOTk6+x9q5c6cyMzNtbRs2bJCTk5Nq165d4D4XxuXxHT582Nb2008/6cyZM6pXr56t7a677tLzzz+vr7/+Wo888ojmz59vWxcQEKB+/frp888/1/Dhw/Xuu++WSF8lwhcAAADgUGXLllWXLl00atQoHTt2TL169bKtCwoKUkJCgjZu3Ki9e/fq2WeftZvJLz8RERG666671LNnT+3cuVPr16/XmDFj7GqCgoJ06NAhLVmyRL/99pveeust25WhywIDA3XgwAHt2LFDJ0+eVFZWVq5jdevWTe7u7urZs6f27NmjtWvXatCgQerevbvtlsOiysnJ0Y4dO+yWvXv3KiIiQsHBwerWrZuSk5O1efNm9ejRQ23atFHTpk31119/aeDAgVq3bp1SUlK0YcMGbdmyRXXr1pUkDR06VPHx8Tpw4ICSk5O1du1a27qSQPgCAAAAHKxPnz76888/FRkZafd81tixY9WkSRNFRkaqbdu28vPzU3R0dIH36+TkpOXLl+uvv/5S8+bN9fTTT+uVV16xq3nooYf0/PPPa+DAgWrUqJE2btyol156ya6mc+fOioqKUrt27VSpUqU8p7v38PBQfHy8Tp8+rWbNmun//u//dO+992rWrFmF+2bk4dy5c2rcuLHd0rFjR1ksFn3xxRfy9vZW69atFRERoRo1amjp0qWSJGdnZ506dUo9evTQXXfdpccee0zt27fXxIkTJV0KdQMGDFDdunUVFRWlu+66S2+//fZ19/dqLIZRwBcRwE5GRoa8vLyUnp5e6IcRAQAAUHz+/vtvHThwQHfeeafc3d0d3R3coq51nhU0G3DlCwAAAABMQPgCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAC3BOaRQ0kqjvOL8AUAAICbWqlSpSRJ58+fd3BPcCu7fH5dPt+KwqW4OgMAAAA4grOzs8qXL6+0tDRJl943ZbFYHNwr3CoMw9D58+eVlpam8uXLy9nZucj7InwBAADgpufn5ydJtgAGFLfy5cvbzrOiInwBAADgpmexWFSlShVVrlxZFy5ccHR3cIspVarUdV3xuozwBQAAgFuGs7NzsfySDJQEJtwAAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAExA+AIAAAAAExC+AAAAAMAEhC8AAAAAMAHhCwAAAABMQPgCAAAAABM4PHzNnj1bgYGBcnd3V1hYmDZv3nzN+mXLlqlOnTpyd3dXcHCwVq1aZbe+V69eslgsdktUVJRdzSuvvKIWLVrIw8ND5cuXL+4hAQAAAEAuDg1fS5cu1bBhwzR+/HglJycrJCREkZGRSktLy7N+48aN6tq1q/r06aPt27crOjpa0dHR2rNnj11dVFSUjh07Zls+/vhju/XZ2dl69NFH1b9//xIbGwAAAAD8k8UwDMNRBw8LC1OzZs00a9YsSZLValVAQIAGDRqkkSNH5qrv0qWLMjMztXLlSlvb3XffrUaNGmnOnDmSLl35OnPmjGJjY/M9/oIFCzR06FCdOXMm39qsrCxlZWXZPmdkZCggIEDp6eny9PTMd3sAAAAAt6aMjAx5eXnlmw0cduUrOztb27ZtU0RExP864+SkiIgIJSUl5blNUlKSXb0kRUZG5qpft26dKleurNq1a6t///46derUdfc3JiZGXl5etiUgIOC69wkAAADg9uGw8HXy5Enl5OTI19fXrt3X11epqal5bpOamppvfVRUlD744AMlJiZqypQp+vbbb9W+fXvl5ORcV39HjRql9PR023L48OHr2h8AAACA24uLoztQ3B5//HHb18HBwWrYsKFq1qypdevW6d577y3yft3c3OTm5lYcXQQAAABwG3LYla+KFSvK2dlZx48ft2s/fvy4/Pz88tzGz8+vUPWSVKNGDVWsWFG//vrr9XcaAAAAAIrIYeHL1dVVoaGhSkxMtLVZrVYlJiYqPDw8z23Cw8Pt6iUpISHhqvWS9Mcff+jUqVOqUqVK8XQcAAAAAIrAobcdDhs2TD179lTTpk3VvHlzTZ8+XZmZmerdu7ckqUePHqpatapiYmIkSUOGDFGbNm00bdo0dejQQUuWLNHWrVs1b948SdK5c+c0ceJEde7cWX5+fvrtt9/073//W7Vq1VJkZKTtuIcOHdLp06d16NAh5eTkaMeOHZKkWrVqqWzZsuZ+EwAAAADcFhwavrp06aITJ05o3LhxSk1NVaNGjRQXF2ebVOPQoUNycvrfxbkWLVpo8eLFGjt2rEaPHq2goCDFxsaqQYMGkiRnZ2ft2rVLCxcu1JkzZ+Tv76/7779fkydPtntea9y4cVq4cKHtc+PGjSVJa9euVdu2bU0YOQAAAIDbjUPf83UzK+hc/gAAAABubTf8e74AAAAA4HZC+AIAAAAAExC+AAAAAMAEhC8AAAAAMAHhCwAAAABMQPgCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAExA+AIAAAAAExC+AAAAAMAEhC8AAAAAMAHhCwAAAABMQPgCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAExA+AIAAAAAExC+AAAAAMAEhC8AAAAAMAHhCwAAAABMQPgCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAExA+AIAAAAAExC+AAAAAMAEhC8AAAAAMAHhCwAAAABMQPgCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAExA+AIAAAAAExC+AAAAAMAEhC8AAAAAMMENEb5mz56twMBAubu7KywsTJs3b75m/bJly1SnTh25u7srODhYq1atslvfq1cvWSwWuyUqKsqu5vTp0+rWrZs8PT1Vvnx59enTR+fOnSv2sQEAAACAdAOEr6VLl2rYsGEaP368kpOTFRISosjISKWlpeVZv3HjRnXt2lV9+vTR9u3bFR0drejoaO3Zs8euLioqSseOHbMtH3/8sd36bt266ccff1RCQoJWrlyp7777Tn379i2xcQIAAAC4vVkMwzAc2YGwsDA1a9ZMs2bNkiRZrVYFBARo0KBBGjlyZK76Ll26KDMzUytXrrS13X333WrUqJHmzJkj6dKVrzNnzig2NjbPY+7du1f16tXTli1b1LRpU0lSXFycHnjgAf3xxx/y9/fPtU1WVpaysrJsnzMyMhQQEKD09HR5enoWefwAAAAAbm4ZGRny8vLKNxs49MpXdna2tm3bpoiICFubk5OTIiIilJSUlOc2SUlJdvWSFBkZmat+3bp1qly5smrXrq3+/fvr1KlTdvsoX768LXhJUkREhJycnPTDDz/kedyYmBh5eXnZloCAgEKPFwAAAMDty6Hh6+TJk8rJyZGvr69du6+vr1JTU/PcJjU1Nd/6qKgoffDBB0pMTNSUKVP07bffqn379srJybHto3Llynb7cHFxUYUKFa563FGjRik9Pd22HD58uNDjBQAAAHD7cnF0B0rC448/bvs6ODhYDRs2VM2aNbVu3Trde++9Rdqnm5ub3NzciquLAAAAAG4zDr3yVbFiRTk7O+v48eN27cePH5efn1+e2/j5+RWqXpJq1KihihUr6tdff7Xt48oJPS5evKjTp09fcz8AAAAAUFQODV+urq4KDQ1VYmKirc1qtSoxMVHh4eF5bhMeHm5XL0kJCQlXrZekP/74Q6dOnVKVKlVs+zhz5oy2bdtmq/nmm29ktVoVFhZ2PUMCAAAAgDw5fKr5YcOG6d1339XChQu1d+9e9e/fX5mZmerdu7ckqUePHho1apStfsiQIYqLi9O0adP0888/a8KECdq6dasGDhwoSTp37pxGjBihTZs26eDBg0pMTFSnTp1Uq1YtRUZGSpLq1q2rqKgoPfPMM9q8ebM2bNiggQMH6vHHH89zpkMAAAAAuF4Of+arS5cuOnHihMaNG6fU1FQ1atRIcXFxtkk1Dh06JCen/2XEFi1aaPHixRo7dqxGjx6toKAgxcbGqkGDBpIkZ2dn7dq1SwsXLtSZM2fk7++v+++/X5MnT7Z7ZmvRokUaOHCg7r33Xjk5Oalz58566623zB08AAAAgNuGw9/zdbMq6Fz+AAAAAG5tN8V7vgAAAADgdkH4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAExA+AIAAAAAExC+AAAAAMAEhC8AAAAAMAHhCwAAAABMQPgCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAExA+AIAAAAAExC+AAAAAMAEhC8AAAAAMAHhCwAAAABMQPgCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAExA+AIAAAAAExC+AAAAAMAEhC8AAAAAMAHhCwAAAABMQPgCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAExA+AIAAAAAExC+AAAAAMAEhC8AAAAAMAHhCwAAAABMQPgCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwgcPD1+zZsxUYGCh3d3eFhYVp8+bN16xftmyZ6tSpI3d3dwUHB2vVqlVXre3Xr58sFoumT59u156cnKz77rtP5cuXl4+Pj/r27atz584Vx3AAAAAAIE8ODV9Lly7VsGHDNH78eCUnJyskJESRkZFKS0vLs37jxo3q2rWr+vTpo+3btys6OlrR0dHas2dPrtrly5dr06ZN8vf3t2s/evSoIiIiVKtWLf3www+Ki4vTjz/+qF69epXEEAEAAABAkmQxDMNw1MHDwsLUrFkzzZo1S5JktVoVEBCgQYMGaeTIkbnqu3TposzMTK1cudLWdvfdd6tRo0aaM2eOre3IkSMKCwtTfHy8OnTooKFDh2ro0KGSpHnz5umll17SsWPH5OR0KXvu3r1bDRs21P79+1WrVq08+5qVlaWsrCzb54yMDAUEBCg9PV2enp7X/b0AAAAAcHPKyMiQl5dXvtnAYVe+srOztW3bNkVERPyvM05OioiIUFJSUp7bJCUl2dVLUmRkpF291WpV9+7dNWLECNWvXz/XPrKysuTq6moLXpJUunRpSdL3339/1f7GxMTIy8vLtgQEBBRsoAAAAAAgB4avkydPKicnR76+vnbtvr6+Sk1NzXOb1NTUfOunTJkiFxcXDR48OM993HPPPUpNTdXUqVOVnZ2tP//803aV7dixY1ft76hRo5Senm5bDh8+XKBxAgAAAIB0A0y4UZy2bdumGTNmaMGCBbJYLHnW1K9fXwsXLtS0adPk4eEhPz8/3XnnnfL19bW7GnYlNzc3eXp62i0AAAAAUFAOC18VK1aUs7Ozjh8/btd+/Phx+fn55bmNn5/fNevXr1+vtLQ0VatWTS4uLnJxcVFKSoqGDx+uwMBA2zZPPPGEUlNTdeTIEZ06dUoTJkzQiRMnVKNGjeIdJAAAAAD8fw4LX66urgoNDVViYqKtzWq1KjExUeHh4XluEx4eblcvSQkJCbb67t27a9euXdqxY4dt8ff314gRIxQfH59rf76+vipbtqyWLl0qd3d33XfffcU4QgAAAAD4HxdHHnzYsGHq2bOnmjZtqubNm2v69OnKzMxU7969JUk9evRQ1apVFRMTI0kaMmSI2rRpo2nTpqlDhw5asmSJtm7dqnnz5kmSfHx85OPjY3eMUqVKyc/PT7Vr17a1zZo1Sy1atFDZsmWVkJCgESNG6LXXXlP58uXNGTgAAACA245Dw1eXLl104sQJjRs3TqmpqWrUqJHi4uJsk2ocOnTI7jmsFi1aaPHixRo7dqxGjx6toKAgxcbGqkGDBoU67ubNmzV+/HidO3dOderU0dy5c9W9e/diHRsAAAAA/JND3/N1MyvoXP4AAAAAbm03/Hu+AAAAAOB2QvgCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAExA+AIAAAAAExC+AAAAAMAEhC8AAAAAMAHhCwAAAABMUKTwdfjwYf3xxx+2z5s3b9bQoUM1b968YusYAAAAANxKihS+nnjiCa1du1aSlJqaqvvuu0+bN2/WmDFjNGnSpGLtIAAAAADcCooUvvbs2aPmzZtLkj755BM1aNBAGzdu1KJFi7RgwYLi7B8AAAAA3BKKFL4uXLggNzc3SdKaNWv00EMPSZLq1KmjY8eOFV/vAAAAAOAWUaTwVb9+fc2ZM0fr169XQkKCoqKiJElHjx6Vj49PsXYQAAAAAG4FRQpfU6ZM0dy5c9W2bVt17dpVISEhkqQVK1bYbkcEAAAAAPyPxTAMoygb5uTkKCMjQ97e3ra2gwcPysPDQ5UrVy62Dt6oMjIy5OXlpfT0dHl6ejq6OwAAAAAcpKDZoEhXvv766y9lZWXZgldKSoqmT5+uffv23RbBCwAAAAAKq0jhq1OnTvrggw8kSWfOnFFYWJimTZum6OhovfPOO8XaQQAAAAC4FRQpfCUnJ6tVq1aSpE8//VS+vr5KSUnRBx98oLfeeqtYOwgAAAAAt4Iiha/z58+rXLlykqSvv/5ajzzyiJycnHT33XcrJSWlWDsIAAAAALeCIoWvWrVqKTY2VocPH1Z8fLzuv/9+SVJaWhqTTwAAAABAHooUvsaNG6cXXnhBgYGBat68ucLDwyVdugrWuHHjYu0gAAAAANwKijzVfGpqqo4dO6aQkBA5OV3KcJs3b5anp6fq1KlTrJ28ETHVPAAAAACp4NnApagH8PPzk5+fn/744w9J0h133MELlgEAAADgKop026HVatWkSZPk5eWl6tWrq3r16ipfvrwmT54sq9Va3H0EAAAAgJteka58jRkzRu+//75ee+01tWzZUpL0/fffa8KECfr777/1yiuvFGsnAQAAAOBmV6Rnvvz9/TVnzhw99NBDdu1ffPGFnnvuOR05cqTYOnij4pkvAAAAAFLBs0GRbjs8ffp0npNq1KlTR6dPny7KLgEAAADgllak8BUSEqJZs2blap81a5YaNmx43Z0CAAAAgFtNkZ75ev3119WhQwetWbPG9o6vpKQkHT58WKtWrSrWDgIAAADAraBIV77atGmjX375RQ8//LDOnDmjM2fO6JFHHtGPP/6oDz/8sLj7CAAAAAA3vSK/ZDkvO3fuVJMmTZSTk1Ncu7xhMeEGAAAAAKmEJ9wAAAAAABQO4QsAAAAATED4AgAAAAATFGq2w0ceeeSa68+cOXM9fQEAAACAW1ahwpeXl1e+63v06HFdHQIAAACAW1Ghwtf8+fNLqh8AAAAAcEvjmS8AAAAAMAHhCwAAAABMQPgCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAEzg8PA1e/ZsBQYGyt3dXWFhYdq8efM165ctW6Y6derI3d1dwcHBWrVq1VVr+/XrJ4vFounTp9u1//LLL+rUqZMqVqwoT09P/etf/9LatWuLYzgAAAAAkCeHhq+lS5dq2LBhGj9+vJKTkxUSEqLIyEilpaXlWb9x40Z17dpVffr00fbt2xUdHa3o6Gjt2bMnV+3y5cu1adMm+fv751r34IMP6uLFi/rmm2+0bds2hYSE6MEHH1RqamqxjxEAAAAAJMliGIbhqIOHhYWpWbNmmjVrliTJarUqICBAgwYN0siRI3PVd+nSRZmZmVq5cqWt7e6771ajRo00Z84cW9uRI0cUFham+Ph4dejQQUOHDtXQoUMlSSdPnlSlSpX03XffqVWrVpKks2fPytPTUwkJCYqIiMizr1lZWcrKyrJ9zsjIUEBAgNLT0+Xp6Xnd3wsAAAAAN6eMjAx5eXnlmw0cduUrOztb27Ztsws7Tk5OioiIUFJSUp7bJCUl5QpHkZGRdvVWq1Xdu3fXiBEjVL9+/Vz78PHxUe3atfXBBx8oMzNTFy9e1Ny5c1W5cmWFhoZetb8xMTHy8vKyLQEBAYUdMgAAAIDbmMPC18mTJ5WTkyNfX1+7dl9f36ve/peamppv/ZQpU+Ti4qLBgwfnuQ+LxaI1a9Zo+/btKleunNzd3fXmm28qLi5O3t7eV+3vqFGjlJ6eblsOHz5c0KECAAAAgFwc3YHitG3bNs2YMUPJycmyWCx51hiGoQEDBqhy5cpav369Spcurffee08dO3bUli1bVKVKlTy3c3Nzk5ubW0l2HwAAAMAtzGFXvipWrChnZ2cdP37crv348ePy8/PLcxs/P79r1q9fv15paWmqVq2aXFxc5OLiopSUFA0fPlyBgYGSpG+++UYrV67UkiVL1LJlSzVp0kRvv/22SpcurYULFxb/QAEAAABADgxfrq6uCg0NVWJioq3NarUqMTFR4eHheW4THh5uVy9JCQkJtvru3btr165d2rFjh23x9/fXiBEjFB8fL0k6f/68pEvPl/2Tk5OTrFZrsY0PAAAAAP7JobcdDhs2TD179lTTpk3VvHlzTZ8+XZmZmerdu7ckqUePHqpatapiYmIkSUOGDFGbNm00bdo0dejQQUuWLNHWrVs1b948SZcm0/Dx8bE7RqlSpeTn56fatWtLuhTgvL291bNnT40bN06lS5fWu+++qwMHDqhDhw4mjh4AAADA7cSh4atLly46ceKExo0bp9TUVDVq1EhxcXG2STUOHTpkd4WqRYsWWrx4scaOHavRo0crKChIsbGxatCgQYGPWbFiRcXFxWnMmDG65557dOHCBdWvX19ffPGFQkJCin2MAAAAACA5+D1fN7OCzuUPAAAA4NZ2w7/nCwAAAABuJ4QvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAExA+AIAAAAAExC+AAAAAMAEhC8AAAAAMAHhCwAAAABMQPgCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAExA+AIAAAAAExC+AAAAAMAEhC8AAAAAMAHhCwAAAABMQPgCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAExA+AIAAAAAExC+AAAAAMAEhC8AAAAAMAHhCwAAAABMQPgCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAExA+AIAAAAAExC+AAAAAMAEhC8AAAAAMAHhCwAAAABMQPgCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAAT3BDha/bs2QoMDJS7u7vCwsK0efPma9YvW7ZMderUkbu7u4KDg7Vq1aqr1vbr108Wi0XTp0+3ta1bt04WiyXPZcuWLcU1LAAAAACwcXj4Wrp0qYYNG6bx48crOTlZISEhioyMVFpaWp71GzduVNeuXdWnTx9t375d0dHRio6O1p49e3LVLl++XJs2bZK/v79de4sWLXTs2DG75emnn9add96ppk2blsg4AQAAANzeLIZhGI7sQFhYmJo1a6ZZs2ZJkqxWqwICAjRo0CCNHDkyV32XLl2UmZmplStX2truvvtuNWrUSHPmzLG1HTlyRGFhYYqPj1eHDh00dOhQDR06NM8+XLhwQVWrVtWgQYP00ksv5VmTlZWlrKws2+eMjAwFBAQoPT1dnp6eRRk6AAAAgFtARkaGvLy88s0GDr3ylZ2drW3btikiIsLW5uTkpIiICCUlJeW5TVJSkl29JEVGRtrVW61Wde/eXSNGjFD9+vXz7ceKFSt06tQp9e7d+6o1MTEx8vLysi0BAQH57hcAAAAALnNo+Dp58qRycnLk6+tr1+7r66vU1NQ8t0lNTc23fsqUKXJxcdHgwYML1I/3339fkZGRuuOOO65aM2rUKKWnp9uWw4cPF2jfAAAAACBJLo7uQHHbtm2bZsyYoeTkZFkslnzr//jjD8XHx+uTTz65Zp2bm5vc3NyKq5sAAAAAbjMOvfJVsWJFOTs76/jx43btx48fl5+fX57b+Pn5XbN+/fr1SktLU7Vq1eTi4iIXFxelpKRo+PDhCgwMzLW/+fPny8fHRw899FDxDAoAAAAA8uDQ8OXq6qrQ0FAlJiba2qxWqxITExUeHp7nNuHh4Xb1kpSQkGCr7969u3bt2qUdO3bYFn9/f40YMULx8fF22xmGofnz56tHjx4qVapUMY8OAAAAAP7H4bcdDhs2TD179lTTpk3VvHlzTZ8+XZmZmbbJL3r06KGqVasqJiZGkjRkyBC1adNG06ZNU4cOHbRkyRJt3bpV8+bNkyT5+PjIx8fH7hilSpWSn5+fateubdf+zTff6MCBA3r66adNGCkAAACA25nDw1eXLl104sQJjRs3TqmpqWrUqJHi4uJsk2ocOnRITk7/u0DXokULLV68WGPHjtXo0aMVFBSk2NhYNWjQoNDHfv/999WiRQvVqVOn2MYDAAAAAHlx+Hu+blYFncsfAAAAwK3tpnjPFwAAAADcLghfAAAAAGACwhcAAAAAmIDwBQAAAAAmIHwBAAAAgAkIXwAAAABgAsIXAAAAAJiA8AUAAAAAJiB8AQAAAIAJCF8AAAAAYALCFwAAAACYgPAFAAAAACYgfAEAAACACQhfAAAAAGACwhcAAAAAmIDwBQAAAAAmIHwBAAAAgAkIXwAAAABgAsIXAAAAAJiA8AUAAAAAJiB8AQAAAIAJCF8AAAAAYALCFwAAAACYgPAFAAAAACYgfAEAAACACQhfAAAAAGACwhcAAAAAmIDwBQAAAAAmIHwBAAAAgAkIXwAAAABgAsIXAAAAAJiA8AUAAAAAJiB8AQAAAIAJCF8AAAAAYALCFwAAAACYgPAFAAAAACYgfAEAAACACQhfAAAAAGACwhcAAAAAmIDwBQAAAAAmIHwBAAAAgAkIXwAAAABgAsIXAAAAAJiA8AUAAAAAJiB8AQAAAIAJCF8AAAAAYALCFwAAAACYgPAFAAAAACYgfAEAAACACQhfAAAAAGACwhcAAAAAmIDwBQAAAAAmcHj4mj17tgIDA+Xu7q6wsDBt3rz5mvXLli1TnTp15O7uruDgYK1ateqqtf369ZPFYtH06dNzrfvqq68UFham0qVLy9vbW9HR0dc5EgAAAAC4OoeGr6VLl2rYsGEaP368kpOTFRISosjISKWlpeVZv3HjRnXt2lV9+vTR9u3bFR0drejoaO3ZsydX7fLly7Vp0yb5+/vnWvfZZ5+pe/fu6t27t3bu3KkNGzboiSeeKPbxAQAAAMBlFsMwDEcdPCwsTM2aNdOsWbMkSVarVQEBARo0aJBGjhyZq75Lly7KzMzUypUrbW133323GjVqpDlz5tjajhw5orCwMMXHx6tDhw4aOnSohg4dKkm6ePGiAgMDNXHiRPXp06fAfc3KylJWVpbtc0ZGhgICApSeni5PT8/CDh0AAADALSIjI0NeXl75ZgOHXfnKzs7Wtm3bFBER8b/OODkpIiJCSUlJeW6TlJRkVy9JkZGRdvVWq1Xdu3fXiBEjVL9+/Vz7SE5O1pEjR+Tk5KTGjRurSpUqat++fZ5Xz/4pJiZGXl5etiUgIKAwwwUAAABwm3NY+Dp58qRycnLk6+tr1+7r66vU1NQ8t0lNTc23fsqUKXJxcdHgwYPz3Mfvv/8uSZowYYLGjh2rlStXytvbW23bttXp06ev2t9Ro0YpPT3dthw+fLhA4wQAAAAASXJxdAeK07Zt2zRjxgwlJyfLYrHkWWO1WiVJY8aMUefOnSVJ8+fP1x133KFly5bp2WefzXM7Nzc3ubm5lUzHAQAAANzyHHblq2LFinJ2dtbx48ft2o8fPy4/P788t/Hz87tm/fr165WWlqZq1arJxcVFLi4uSklJ0fDhwxUYGChJqlKliiSpXr16tn24ubmpRo0aOnToUHENDwAAAADsOCx8ubq6KjQ0VImJibY2q9WqxMREhYeH57lNeHi4Xb0kJSQk2Oq7d++uXbt2aceOHbbF399fI0aMUHx8vCQpNDRUbm5u2rdvn20fFy5c0MGDB1W9evXiHiYAAAAASHLwbYfDhg1Tz5491bRpUzVv3lzTp09XZmamevfuLUnq0aOHqlatqpiYGEnSkCFD1KZNG02bNk0dOnTQkiVLtHXrVs2bN0+S5OPjIx8fH7tjlCpVSn5+fqpdu7YkydPTU/369dP48eMVEBCg6tWra+rUqZKkRx991KyhAwAAALjNODR8denSRSdOnNC4ceOUmpqqRo0aKS4uzjapxqFDh+Tk9L+Lcy1atNDixYs1duxYjR49WkFBQYqNjVWDBg0KddypU6fKxcVF3bt3119//aWwsDB988038vb2LtbxAQAAAMBlDn3P182soHP5AwAAALi13fDv+QIAAACA2wnhCwAAAABMQPgCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAExA+AIAAAAAExC+AAAAAMAEhC8AAAAAMAHhCwAAAABMQPgCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAExA+AIAAAAAExC+AAAAAMAEhC8AAAAAMAHhCwAAAABMQPgCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAExA+AIAAAAAExC+AAAAAMAEhC8AAAAAMAHhCwAAAABMQPgCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAExA+AIAAAAAExC+AAAAAMAEhC8AAAAAMAHhCwAAAABMQPgCAAAAABPcEOFr9uzZCgwMlLu7u8LCwrR58+Zr1i9btkx16tSRu7u7goODtWrVqqvW9uvXTxaLRdOnT7drDwwMlMVisVtee+214hgOAAAAAOTi8PC1dOlSDRs2TOPHj1dycrJCQkIUGRmptLS0POs3btyorl27qk+fPtq+fbuio6MVHR2tPXv25Kpdvny5Nm3aJH9//zz3NWnSJB07dsy2DBo0qFjHBgAAAACXOTx8vfnmm3rmmWfUu3dv1atXT3PmzJGHh4f++9//5lk/Y8YMRUVFacSIEapbt64mT56sJk2aaNasWXZ1R44c0aBBg7Ro0SKVKlUqz32VK1dOfn5+tqVMmTLFPj4AAAAAkBwcvrKzs7Vt2zZFRETY2pycnBQREaGkpKQ8t0lKSrKrl6TIyEi7eqvVqu7du2vEiBGqX7/+VY//2muvycfHR40bN9bUqVN18eLFq9ZmZWUpIyPDbgEAAACAgnJx5MFPnjypnJwc+fr62rX7+vrq559/znOb1NTUPOtTU1Ntn6dMmSIXFxcNHjz4qscePHiwmjRpogoVKmjjxo0aNWqUjh07pjfffDPP+piYGE2cOLGgQwMAAAAAOw4NXyVh27ZtmjFjhpKTk2WxWK5aN2zYMNvXDRs2lKurq5599lnFxMTIzc0tV/2oUaPstsnIyFBAQEDxdh4AAADALcuhtx1WrFhRzs7OOn78uF378ePH5efnl+c2fn5+16xfv3690tLSVK1aNbm4uMjFxUUpKSkaPny4AgMDr9qXsLAwXbx4UQcPHsxzvZubmzw9Pe0WAAAAACgoh4YvV1dXhYaGKjEx0dZmtVqVmJio8PDwPLcJDw+3q5ekhIQEW3337t21a9cu7dixw7b4+/trxIgRio+Pv2pfduzYIScnJ1WuXLkYRgYAAAAA9hx+2+GwYcPUs2dPNW3aVM2bN9f06dOVmZmp3r17S5J69OihqlWrKiYmRpI0ZMgQtWnTRtOmTVOHDh20ZMkSbd26VfPmzZMk+fj4yMfHx+4YpUqVkp+fn2rXri3p0qQdP/zwg9q1a6dy5copKSlJzz//vJ588kl5e3ubOHoAAAAAtwuHh68uXbroxIkTGjdunFJTU9WoUSPFxcXZJtU4dOiQnJz+d4GuRYsWWrx4scaOHavRo0crKChIsbGxatCgQYGP6ebmpiVLlmjChAnKysrSnXfeqeeff97umS4AAAAAKE4WwzAMR3fiZpSRkSEvLy+lp6fz/BcAAABwGytoNnD4S5YBAAAA4HZA+AIAAAAAExC+AAAAAMAEhC8AAAAAMIHDZzu8WV2epyQjI8PBPQEAAADgSJczQX5zGRK+iujs2bOSpICAAAf3BAAAAMCN4OzZs/Ly8rrqeqaaLyKr1aqjR4+qXLlyslgsju4O8pCRkaGAgAAdPnyY1wGgQDhnUFicMygszhkUFufMzcEwDJ09e1b+/v527yi+Ele+isjJyUl33HGHo7uBAvD09OQfKxQK5wwKi3MGhcU5g8LinLnxXeuK12VMuAEAAAAAJiB8AQAAAIAJCF+4Zbm5uWn8+PFyc3NzdFdwk+CcQWFxzqCwOGdQWJwztxYm3AAAAAAAE3DlCwAAAABMQPgCAAAAABMQvgAAAADABIQvAAAAADAB4Qs3ldmzZyswMFDu7u4KCwvT5s2br1p74cIFTZo0STVr1pS7u7tCQkIUFxeXq+7IkSN68skn5ePjo9KlSys4OFhbt24tyWHARMV9zuTk5Oill17SnXfeqdKlS6tmzZqaPHmymLvo5vfdd9+pY8eO8vf3l8ViUWxsbL7brFu3Tk2aNJGbm5tq1aqlBQsW5KopzDmIm0tJnDMxMTFq1qyZypUrp8qVKys6Olr79u0rmQHAdCX178xlr732miwWi4YOHVpsfUbxInzhprF06VINGzZM48ePV3JyskJCQhQZGam0tLQ868eOHau5c+dq5syZ+umnn9SvXz89/PDD2r59u63mzz//VMuWLVWqVCmtXr1aP/30k6ZNmyZvb2+zhoUSVBLnzJQpU/TOO+9o1qxZ2rt3r6ZMmaLXX39dM2fONGtYKCGZmZkKCQnR7NmzC1R/4MABdejQQe3atdOOHTs0dOhQPf3004qPj7fVFPYcxM2lJM6Zb7/9VgMGDNCmTZuUkJCgCxcu6P7771dmZmZJDQMmKolz5rItW7Zo7ty5atiwYXF3G8XJAG4SzZs3NwYMGGD7nJOTY/j7+xsxMTF51lepUsWYNWuWXdsjjzxidOvWzfb5xRdfNP71r3+VTIfhcCVxznTo0MF46qmnrlmDm58kY/ny5des+fe//23Ur1/frq1Lly5GZGSk7XNhz0HcvIrrnLlSWlqaIcn49ttvi6ObuIEU5zlz9uxZIygoyEhISDDatGljDBkypJh7i+LClS/cFLKzs7Vt2zZFRETY2pycnBQREaGkpKQ8t8nKypK7u7tdW+nSpfX999/bPq9YsUJNmzbVo48+qsqVK6tx48Z69913S2YQMFVJnTMtWrRQYmKifvnlF0nSzp079f3336t9+/YlMArcyJKSkuzOL0mKjIy0nV9FOQdxa8vvnMlLenq6JKlChQol2jfcmAp6zgwYMEAdOnTIVYsbD+ELN4WTJ08qJydHvr6+du2+vr5KTU3Nc5vIyEi9+eab2r9/v6xWqxISEvT555/r2LFjtprff/9d77zzjoKCghQfH6/+/ftr8ODBWrhwYYmOByWvpM6ZkSNH6vHHH1edOnVUqlQpNW7cWEOHDlW3bt1KdDy48aSmpuZ5fmVkZOivv/4q0jmIW1t+58yVrFarhg4dqpYtW6pBgwZmdRM3kIKcM0uWLFFycrJiYmIc0UUUEuELt6wZM2YoKChIderUkaurqwYOHKjevXvLyel/p73ValWTJk306quvqnHjxurbt6+eeeYZzZkzx4E9h6MU5Jz55JNPtGjRIi1evFjJyclauHCh3njjDQI7gGI3YMAA7dmzR0uWLHF0V3CDOnz4sIYMGaJFixblunMDNybCF24KFStWlLOzs44fP27Xfvz4cfn5+eW5TaVKlRQbG6vMzEylpKTo559/VtmyZVWjRg1bTZUqVVSvXj277erWratDhw4V/yBgqpI6Z0aMGGG7+hUcHKzu3bvr+eef5y+OtyE/P788zy9PT0+VLl26SOcgbm35nTP/NHDgQK1cuVJr167VHXfcYWY3cQPJ75zZtm2b0tLS1KRJE7m4uMjFxUXffvut3nrrLbm4uCgnJ8dBPcfVEL5wU3B1dVVoaKgSExNtbVarVYmJiQoPD7/mtu7u7qpataouXryozz77TJ06dbKta9myZa4pfH/55RdVr169eAcA05XUOXP+/Hm7K2GS5OzsLKvVWrwDwA0vPDzc7vySpISEBNv5dT3nIG5N+Z0zkmQYhgYOHKjly5frm2++0Z133ml2N3EDye+cuffee7V7927t2LHDtjRt2lTdunXTjh075Ozs7Ihu41ocPeMHUFBLliwx3NzcjAULFhg//fST0bdvX6N8+fJGamqqYRiG0b17d2PkyJG2+k2bNhmfffaZ8dtvvxnfffedcc899xh33nmn8eeff9pqNm/ebLi4uBivvPKKsX//fmPRokWGh4eH8dFHH5k9PJSAkjhnevbsaVStWtVYuXKlceDAAePzzz83KlasaPz73/82e3goZmfPnjW2b99ubN++3ZBkvPnmm8b27duNlJQUwzAMY+TIkUb37t1t9b///rvh4eFhjBgxwti7d68xe/Zsw9nZ2YiLi7PV5HcO4uZWEudM//79DS8vL2PdunXGsWPHbMv58+dNHx+KX0mcM1ditsMbG+ELN5WZM2ca1apVM1xdXY3mzZsbmzZtsq1r06aN0bNnT9vndevWGXXr1jXc3NwMHx8fo3v37saRI0dy7fPLL780GjRoYLi5uRl16tQx5s2bZ8ZQYJLiPmcyMjKMIUOGGNWqVTPc3d2NGjVqGGPGjDGysrLMGhJKyNq1aw1JuZbL50jPnj2NNm3a5NqmUaNGhqurq1GjRg1j/vz5ufZ7rXMQN7eSOGfy2p+kPM8t3HxK6t+ZfyJ83dgshmEY5l1nAwAAAIDbE898AQAAAIAJCF8AAAAAYALCFwAAAACYgPAFAAAAACYgfAEAAACACQhfAAAAAGACwhcAAAAAmIDwBQAAAAAmIHwBAGAyi8Wi2NhYR3cDAGAywhcA4LbSq1cvWSyWXEtUVJSjuwYAuMW5OLoDAACYLSoqSvPnz7drc3Nzc1BvAAC3C658AQBuO25ubvLz87NbvL29JV26JfCdd95R+/btVbp0adWoUUOffvqp3fa7d+/WPffco9KlS8vHx0d9+/bVuXPn7Gr++9//qn79+nJzc1OVKlU0cOBAu/UnT57Uww8/LA8PDwUFBWnFihUlO2gAgMMRvgAAuMJLL72kzp07a+fOnerWrZsef/xx7d27V5KUmZmpyMhIeXt7a8uWLVq2bJnWrFljF67eeecdDRgwQH379tXu3bu1YsUK1apVy+4YEydO1GOPPaZdu3bpgQceULdu3XT69GlTxwkAMJfFMAzD0Z0AAMAsvXr10kcffSR3d3e79tGjR2v06NGyWCzq16+f3nnnHdu6u+++W02aNNHbb7+td999Vy+++KIOHz6sMmXKSJJWrVqljh076ujRo/L19VXVqlXVu3dvvfzyy3n2wWKxaOzYsZo8ebKkS4GubNmyWr16Nc+eAcAtjGe+AAC3nXbt2tmFK0mqUKGC7evw8HC7deHh4dqxY4ckae/evQoJCbEFL0lq2bKlrFar9u3bJ4vFoqNHj+ree++9Zh8aNmxo+7pMmTLy9PRUWlpaUYcEALgJEL4AALedMmXK5LoNsLiULl26QHWlSpWy+2yxWGS1WkuiSwCAGwTPfAEAcIVNmzbl+ly3bl1JUt26dbVz505lZmba1m/YsEFOTk6qXbu2ypUrp8DAQCUmJpraZwDAjY8rXwCA205WVpZSU1Pt2lxcXFSxYkVJ0rJly9S0aVP961//0qJFi7R582a9//77kqRu3bpp/Pjx6tmzpyZMmKATJ05o0KBB6t69u3x9fSVJEyZMUL9+/VS5cmW1b99eZ8+e1YYNGzRo0CBzBwoAuKEQvgAAt524uDhVqVLFrq127dr6+eefJV2aiXDJkiV67rnnVKVKFX388ceqV6+eJMnDw0Px8fEaMmSImjVrJg8PD3Xu3FlvvvmmbV89e/bU33//rf/85z964YUXVLFiRf3f//2feQMEANyQmO0QAIB/sFgsWr58uaKjox3dFQDALYZnvgAAAADABIQvAAAAADABz3wBAPAP3I0PACgpXPkCAAAAABMQvgAAAADABIQvAAAAADAB4QsAAAAATED4AgAAAAATEL4AAAAAwASELwAAAAAwAeELAAAAAEzw/wB3MFt1ai53MgAAAABJRU5ErkJggg==", "text/plain": [ "
" ] @@ -797,12 +857,7 @@ "early_stop = False\n", "\n", "# get available device\n", - "if torch.backends.mps.is_available():\n", - " device = torch.device('mps')\n", - "elif torch.cuda.is_available():\n", - " device = torch.device('cuda')\n", - "else:\n", - " device = torch.device('cpu')\n", + "device = set_device()\n", "\n", "# Model instantiation\n", "complicated_model = ComplicatedRNN(input_size, hidden_size, output_size, g, h_val)\n", @@ -860,7 +915,7 @@ " break\n", "\n", " # Clear CUDA cache if needed\n", - " if device.type == 'cuda':\n", + " if device == 'cuda':\n", " torch.cuda.empty_cache()\n", "\n", "# Check if training was stopped by early stopping\n", @@ -873,32 +928,25 @@ "print(f'Test Loss: {test_loss}')\n", "\n", "# Clear cache after training\n", - "if device.type == 'cuda':\n", + "if device == 'cuda':\n", " torch.cuda.empty_cache()\n", " \n", "# Determine the number of epochs for which you have loss data\n", "actual_num_epochs = len(epoch_losses) # This will be less than num_epochs if early stopping was triggered\n", "\n", - "plt.figure(figsize=(10, 6))\n", - "plt.plot(range(1, actual_num_epochs + 1), epoch_losses, label='Training Loss')\n", - "plt.plot(range(1, actual_num_epochs + 1), val_losses, label='Validation Loss')\n", - "\n", - "plt.xlabel('Epoch')\n", - "plt.ylabel('Loss')\n", - "plt.title('Training and Validation Loss (ComplicatedRNN)')\n", - "plt.legend()\n", - "plt.show()" + "# Call the plotting function\n", + "plot_training_validation_losses(epoch_losses, val_losses, actual_num_epochs)\n" ] }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 13, "id": "52cd598c-a42e-4219-aa9b-5b7e54710749", "metadata": {}, "outputs": [ { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAA04AAAIjCAYAAAA0vUuxAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjYuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8o6BhiAAAACXBIWXMAAA9hAAAPYQGoP6dpAACFXElEQVR4nOzdd3hUZfrG8e/MpHeSkAZpgKCCFGkiAqIo2BUL4iqIig1dlfWnsq4gFlhdwYoNRVxFxV4RF5GqKAoiYEEpIZQUaippM+f3x2RGIiVtkjOTuT/XNZeTM2fOeZIxu7l93/d5LYZhGIiIiIiIiMgRWc0uQERERERExNspOImIiIiIiNRCwUlERERERKQWCk4iIiIiIiK1UHASERERERGphYKTiIiIiIhILRScREREREREaqHgJCIiIiIiUgsFJxERERERkVooOImISL385z//oV27dthsNrp37252OSIiIs1CwUlEpJnMnj0bi8XifoSEhNCxY0duueUW8vLyapyblZXFmDFjaN++PSEhISQlJTFw4EAmTZp02Gsd6ZGRkQHA/fffj8ViYffu3YetLSMjg3PPPbfW7+F///sfd911F/379+eVV15hypQpjfuh1MNll12GxWLh7rvvbrZ7Hk1WVpb75/zQQw8d9py//e1vWCwWIiIimrk63zFv3jzuv/9+s8sQEalVgNkFiIj4mwceeIDMzEzKyspYvnw5zz33HPPmzWP9+vWEhYWxceNGevfuTWhoKNdccw0ZGRnk5OSwevVqHnnkESZPnszAgQN57bXXalz3uuuuo0+fPlx//fXuY57+g/2rr77CarXy8ssvExQU5NFrH01hYSGffPIJGRkZvPnmm/z73//GYrE02/2PJiQkhDfffJN//etfNY6XlJTw0UcfERISYlJlvmHevHnMmDFD4UlEvJ6Ck4hIMzvrrLPo1asX4Aw7cXFxTJ8+nY8++oiRI0fy+OOPU1xczJo1a0hPT6/x3vz8fADatWtHu3btarx244030q5dO6688somqz0/P5/Q0FCPhSbDMCgrKyM0NPSo57333nvY7XZmzZrFaaedxtKlSxk0aFCt1y8pKSE8PNwjtR7J2Wefzfvvv89PP/1Et27d3Mc/+ugjKioqGDZsGF999VWT1iAiIk1PU/VEREx22mmnAbBlyxYANm3aRNu2bQ8JTQAJCQnNWtvBLBYLr7zyCiUlJe4parNnzwagqqqKBx98kPbt2xMcHExGRgb//Oc/KS8vr3EN15TAL774gl69ehEaGsoLL7xQ673nzJnDGWecweDBgznuuOOYM2fOIee4pi8uWbKEm2++mYSEBNq2bQvAqaeeSpcuXVi7di2DBg0iLCyMDh068O677wKwZMkS+vbtS2hoKJ06deLLL7+s88+lX79+ZGZm8sYbbxxS87Bhw4iNjT3s+5599lk6d+5McHAwKSkpjBs3jv3797tfv+WWW4iIiKC0tPSQ944cOZKkpCTsdrv72Oeff86AAQMIDw8nMjKSc845h59//rnG+66++moiIiLIzs7m3HPPJSIigjZt2jBjxgwA1q1bx2mnnUZ4eDjp6emHfE8A+/fv5/bbbyc1NZXg4GA6dOjAI488gsPhcJ/jmsb42GOP8eKLL7r/vejduzfff/99jXpc9z54iqmIiDdScBIRMdmmTZsAiIuLAyA9PZ1t27Y1ySjF3r172b179yGPg//oPZLXXnuNAQMGEBwczGuvvcZrr73GwIEDAefI2cSJEznxxBN5/PHHGTRoEFOnTuXyyy8/5DobNmxg5MiRnHHGGTz55JO1NpjYuXMnixYtYuTIkYAzNLz77rtUVFQc9vybb76ZX375hYkTJ3LPPfe4j+/bt49zzz2Xvn378uijjxIcHMzll1/O3Llzufzyyzn77LP597//TUlJCZdccglFRUW1/kxcRo4cyVtvvYVhGADs3r2b//3vf1xxxRWHPf/+++9n3LhxpKSkMG3aNC6++GJeeOEFzjzzTCorKwEYMWIEJSUlfPbZZzXeW1payieffMIll1yCzWYDnJ/NOeecQ0REBI888gj33Xcfv/zyC6eccgpZWVk13m+32znrrLNITU3l0UcfJSMjg1tuuYXZs2czbNgwevXqxSOPPEJkZCSjRo1yB3rXvQcNGsTrr7/OqFGjeOqpp+jfvz8TJkxg/Pjxh3yfb7zxBv/5z3+44YYbeOihh8jKymL48OHu7/GGG27gjDPOcH8ProeIiFcyRESkWbzyyisGYHz55ZfGrl27jG3bthlvvfWWERcXZ4SGhhrbt283DMMw1q9fb4SGhhqA0b17d+O2224zPvzwQ6OkpOSo1w8PDzdGjx592NcmTZpkAEd9nHPOObV+D6NHjzbCw8NrHFuzZo0BGNddd12N43feeacBGF999ZX7WHp6ugEY8+fPr/VeLo899pgRGhpqFBYWGoZhGL///rsBGB988EGN81w/31NOOcWoqqqq8dqgQYMMwHjjjTfcx3777TcDMKxWq/Htt9+6j3/xxRcGYLzyyitHrWvLli0GYPznP/8x1q9fbwDGsmXLDMMwjBkzZhgRERFGSUnJIT+z/Px8IygoyDjzzDMNu93uPv7MM88YgDFr1izDMAzD4XAYbdq0MS6++OIa93377bcNwFi6dKlhGIZRVFRkxMTEGGPHjq1xXm5urhEdHV3j+OjRow3AmDJlivvYvn37jNDQUMNisRhvvfXWIT+fSZMmuY89+OCDRnh4uPH777/XuNc999xj2Gw2Izs7u8bPJi4uzti7d6/7vI8++sgAjE8++cR9bNy4cYb+HBERX6ARJxGRZjZkyBBat25Namoql19+OREREXzwwQe0adMGgM6dO7NmzRquvPJKsrKyePLJJ7nwwgtJTExk5syZjbr3e++9x4IFCw55JCYmNvia8+bNAzhkxOEf//gHwCEjJpmZmQwdOrTO158zZw7nnHMOkZGRABxzzDH07NnzsNP1AMaOHeseiTlYREREjRGwTp06ERMTw3HHHUffvn3dx13PN2/eXOcaO3fuTNeuXXnzzTcB50jLBRdcQFhY2CHnfvnll1RUVHD77bdjtf75f8Njx44lKirK/fOyWCxceumlzJs3j+LiYvd5c+fOpU2bNpxyyikALFiwgP379zNy5Mgao4g2m42+ffuyaNGiQ2q47rrr3M9jYmLo1KkT4eHhXHbZZYf8fA7+ObzzzjsMGDCAVq1a1bjXkCFDsNvtLF26tMZ9RowYQatWrdxfDxgwAKjfz1ZExFuoOYSISDObMWMGHTt2JCAggMTERDp16lTjD2iAjh078tprr2G32/nll1/49NNPefTRR7n++uvJzMxkyJAhDbr3wIEDiY+PP+R4Yzq/bd26FavVSocOHWocT0pKIiYmhq1bt9Y4npmZWedr//rrr/z444+MGjWKjRs3uo+feuqpzJgxg8LCQqKioup0/bZt2x6yfiY6OprU1NRDjoFzal99XHHFFUybNo077riDb775hn/+85+HPc/18+jUqVON40FBQbRr167Gz2vEiBE88cQTfPzxx1xxxRUUFxczb948brjhBvf38scffwB/rpX7q7/+fEJCQmjdunWNY9HR0Uf8+Rz8c/jjjz9Yu3btIe93cTUvcUlLS6vxtStE1fdnKyLiDRScRESaWZ8+fdxd9Wpjs9k44YQTOOGEE+jXrx+DBw9mzpw5DQ5OTamui/pr66B3sNdffx2AO+64gzvuuOOQ19977z3GjBlTp+sfbhTqaMeN6vVKdTVy5EgmTJjA2LFjiYuL48wzz6zX+w/npJNOIiMjg7fffpsrrriCTz75hAMHDjBixAj3Oa71aa+99hpJSUmHXCMgoOb/1Tfm5+BwODjjjDO46667Dntux44d631NERFfoeAkIuIjXGErJyfH5EpqSk9Px+Fw8Mcff3Dccce5j+fl5bF///7DdgesC8MweOONNxg8eDA333zzIa8/+OCDzJkz55DgZJa0tDT69+/P4sWLuemmmw4JLC6un8eGDRtqtJSvqKhgy5Yth4Tiyy67jCeffJLCwkLmzp1LRkYGJ510kvv19u3bA86Oi00dqNu3b09xcbFH76MueiLiK7TGSUTEyyxbtszddexgrrVEf53iZbazzz4bgCeeeKLG8enTpwNwzjnnNOi6X3/9NVlZWYwZM4ZLLrnkkMeIESNYtGgRO3fubFT9nvTQQw8xadIkbr311iOeM2TIEIKCgnjqqadqjLy8/PLLFBQUHPLzGjFiBOXl5bz66qvMnz+/xjokgKFDhxIVFcWUKVMO++/Nrl27Gvld/emyyy5jxYoVfPHFF4e8tn//fqqqqup9Tdc+Wwe3YhcR8UYacRIR8TKPPPIIq1atYvjw4XTt2hWA1atX89///pfY2Fhuv/12cwv8i27dujF69GhefPFF9u/fz6BBg1i5ciWvvvoqF154IYMHD27QdefMmYPNZjti8Dr//PO59957eeuttw7bCtsMgwYNqnVj3tatWzNhwgQmT57MsGHDOP/889mwYQPPPvssvXv3PmQD4xNPPJEOHTpw7733Ul5eXmOaHjjXMD333HNcddVVnHjiiVx++eW0bt2a7OxsPvvsM/r3788zzzzjke/v//7v//j4448599xzufrqq+nZsyclJSWsW7eOd999l6ysrMOuoTuanj17AvD3v/+doUOHYrPZDtvGXkTEbApOIiJe5p///CdvvPEGS5YsYc6cOZSWlpKcnMzll1/OfffdV6/mCs3lpZdeol27dsyePZsPPviApKQkJkyYwKRJkxp0vcrKSt555x1OPvnkI24g26VLFzIzM3n99de9JjjV1f3330/r1q155plnuOOOO4iNjeX6669nypQpBAYGHnL+iBEjePjhh+nQoQMnnnjiIa9fccUVpKSk8O9//5v//Oc/lJeX06ZNGwYMGODRqYxhYWEsWbKEKVOm8M477/Df//6XqKgoOnbsyOTJk92NNepj+PDh3Hrrrbz11lu8/vrrGIah4CQiXsliaIWmiIiIiIjIUWmNk4iIiIiISC0UnERERERERGqh4CQiIiIiIlILBScREREREZFaKDiJiIiIiIjUQsFJRERERESkFn63j5PD4WDnzp1ERkZisVjMLkdERERERExiGAZFRUWkpKRgtR59TMnvgtPOnTtJTU01uwwREREREfES27Zto23btkc9x++CU2RkJOD84URFRZlcjYiIiIiImKWwsJDU1FR3RjgavwtOrul5UVFRCk4iIiIiIlKnJTxqDiEiIiIiIlILBScREREREZFaKDiJiIiIiIjUwu/WOImIiIiI1IVhGFRVVWG3280uRRohMDAQm83W6OsoOImIiIiI/EVFRQU5OTmUlpaaXYo0ksVioW3btkRERDTqOgpOIiIiIiIHcTgcbNmyBZvNRkpKCkFBQXXquibexzAMdu3axfbt2znmmGMaNfKk4CQiIiIicpCKigocDgepqamEhYWZXY40UuvWrcnKyqKysrJRwUnNIUREREREDsNq1Z/KLYGnRgv1b4OIiIiIiEgtFJxERERERERqoeAkIiIiIiJSCwUnEREREZEW4uqrr8ZisRzy2Lhxo0euP3v2bGJiYjxyrYZaunQp5513HikpKVgsFj788MNmua+Ck4iIiIhICzJs2DBycnJqPDIzM80u6xCVlZUNel9JSQndunVjxowZHq7o6BScRERERERqYRgGpRVVpjwMw6hXrcHBwSQlJdV4uNpwf/TRR5x44omEhITQrl07Jk+eTFVVlfu906dP54QTTiA8PJzU1FRuvvlmiouLAVi8eDFjxoyhoKDAPZJ1//33Axx25CcmJobZs2cDkJWVhcViYe7cuQwaNIiQkBDmzJkDwEsvvcRxxx1HSEgIxx57LM8+++xRv7+zzjqLhx56iIsuuqheP5fG0j5OIiIiIiK1OFBp5/iJX5hy718eGEpYUOP/bF+2bBmjRo3iqaeeYsCAAWzatInrr78egEmTJgHOFuxPPfUUmZmZbN68mZtvvpm77rqLZ599lpNPPpknnniCiRMnsmHDBgAiIiLqVcM999zDtGnT6NGjhzs8TZw4kWeeeYYePXrw448/MnbsWMLDwxk9enSjv2dPUnASEREREWlBPv300xqB5qyzzuKdd95h8uTJ3HPPPe5A0q5dOx588EHuuusud3C6/fbb3e/LyMjgoYce4sYbb+TZZ58lKCiI6OhoLBYLSUlJDart9ttvZ/jw4e6vJ02axLRp09zHMjMz+eWXX3jhhRcUnERERETE++UVllFWaSc9LtzsUrxCaKCNXx4Yatq962Pw4ME899xz7q/Dw52f4U8//cTXX3/Nww8/7H7NbrdTVlZGaWkpYWFhfPnll0ydOpXffvuNwsJCqqqqarzeWL169XI/LykpYdOmTVx77bWMHTvWfbyqqoro6OhG38vTFJxEREREpIYqu4Phz37D/tIKltw1mPiIYLNLMp3FYvHIdLnmEB4eTocOHQ45XlxczOTJk2uM+LiEhISQlZXFueeey0033cTDDz9MbGwsy5cv59prr6WiouKowclisRyyFutwzR9cIc5VD8DMmTPp27dvjfNca7K8iW98+iIiIiLSbNbuKGDH/gMAfLd5L+d0TTa5IvGEE088kQ0bNhw2VAGsWrUKh8PBtGnTsFqdPeTefvvtGucEBQVht9sPeW/r1q3Jyclxf/3HH39QWlp61HoSExNJSUlh8+bN/O1vf6vvt9PsFJxEREREpIZlv+92P/8+S8GppZg4cSLnnnsuaWlpXHLJJVitVn766SfWr1/PQw89RIcOHaisrOTpp5/mvPPO4+uvv+b555+vcY2MjAyKi4tZuHAh3bp1IywsjLCwME477TSeeeYZ+vXrh91u5+677yYwMLDWmiZPnszf//53oqOjGTZsGOXl5fzwww/s27eP8ePHH/Y9xcXFNfal2rJlC2vWrCE2Npa0tLTG/ZCOQu3IRURERKSG5Rt3uZ+v3LLXxErEk4YOHcqnn37K//73P3r37s1JJ53E448/Tnp6OgDdunVj+vTpPPLII3Tp0oU5c+YwderUGtc4+eSTufHGGxkxYgStW7fm0UcfBWDatGmkpqYyYMAArrjiCu688846rYm67rrreOmll3jllVc44YQTGDRoELNnzz7qvlM//PADPXr0oEePHgCMHz+eHj16MHHixIb+aOrEYtS3MbyPKywsJDo6moKCAqKioswuR0RERMSrFJVV0v2BBdgdzj8RLRb4adKZRIXUPnrQUpSVlbFlyxYyMzMJCQkxuxxppKN9nvXJBhpxEhERERG3FZv2YHcYZMaHkx4XhmHAqqx9ZpclYjoFJxERERFxW/aHc33TgGPi6Z0RC8DKLE3XE1FwEhERERG3ZX841zcNOKY1faqD0/da5ySirnoiIiIi4rRtbylZe0qxWS2c1C6W3cUVAKzdXkBZpZ2Qem7EKtKSaMRJRERERIA/p+mdmBZDZEggGXFhxEcEU2F38NO2/eYWJ2IyBScRERERAWpO0wOwWCz0yWwFOPdzEvFnCk4iIiIigt1h8PXGPxtDuPzZIEKd9cS/KTiJiIiICGu376ewrIqokAC6to1xH3cFp9Vb97n3dhLxRwpOIiIiIuJe39S/Qzw2q8V9/LjkKCKDAygur+LXnEKzyhMxnYKTiIiIiByyvsnFZrXQM8O5zmml2pKLH1NwEhEREfFzRWWVrM7eD9Rc3+Timq6nBhHe7+qrr8ZisRzy2Lhxo0euP3v2bGJiYjxyrYaaOnUqvXv3JjIykoSEBC688EI2bNjQ5PdVcBIRERHxc99u3ovdYZAZH05qbNghr/fJrG4QsWUvhqF1Tt5u2LBh5OTk1HhkZmaaXdYhKisrG/S+JUuWMG7cOL799lsWLFhAZWUlZ555JiUlJR6usCYFJxERERE/55qmd0qHQ0ebALq2jSYowMqekgo2727aP069lmFARYk5j3qG1eDgYJKSkmo8bDbn5sUfffQRJ554IiEhIbRr147JkydTVVXlfu/06dM54YQTCA8PJzU1lZtvvpni4mIAFi9ezJgxYygoKHCPZN1///2As3X9hx9+WKOOmJgYZs+eDUBWVhYWi4W5c+cyaNAgQkJCmDNnDgAvvfQSxx13HCEhIRx77LE8++yzR/3+5s+fz9VXX03nzp3p1q0bs2fPJjs7m1WrVtXr51RfAU16dRERERHxeq7GEIebpgcQHGCje9sYVmbt5fste2nfOqI5y/MOlaUwJcWce/9zJwSFN/oyy5YtY9SoUTz11FMMGDCATZs2cf311wMwadIkAKxWK0899RSZmZls3ryZm2++mbvuuotnn32Wk08+mSeeeIKJEye6p8ZFRNTv34V77rmHadOm0aNHD3d4mjhxIs888ww9evTgxx9/ZOzYsYSHhzN69Og6XbOgoACA2NjYetVSXxpxEhEREfFj2/aWsmV3CTarhX7t4454Xu/qjXBXap2T1/v000+JiIhwPy699FIAJk+ezD333MPo0aNp164dZ5xxBg8++CAvvPCC+7233347gwcPJiMjg9NOO42HHnqIt99+G4CgoCCio6OxWCzukaz6Bqfbb7+d4cOHk5mZSXJyMpMmTWLatGnuY8OHD+eOO+6oUdPROBwObr/9dvr370+XLl3qVUt9acRJRERExI+5RptOTIshMiTwiOc5G0Rs8t8GEYFhzpEfs+5dD4MHD+a5555zfx0e7hyt+umnn/j66695+OGH3a/Z7XbKysooLS0lLCyML7/8kqlTp/Lbb79RWFhIVVVVjdcbq1evXu7nJSUlbNq0iWuvvZaxY8e6j1dVVREdHV2n640bN47169ezfPnyRtdWGwUnERERET+2fKNrfVPro57XM70VVgts23uA3IIykqJDmqM872GxeGS6XHMIDw+nQ4cOhxwvLi5m8uTJDB8+/JDXQkJCyMrK4txzz+Wmm27i4YcfJjY2luXLl3PttddSUVFx1OBksVgOaRxyuOYPrhDnqgdg5syZ9O3bt8Z5rjVZR3PLLbfw6aefsnTpUtq2bVvr+Y2l4CQiIiLip+wOg+Wu9U0dD7++ySUyJJDjkqP4eWchK7P2cn43k9b7SIOdeOKJbNiw4bChCmDVqlU4HA6mTZuG1epc0eOapucSFBSE3W4/5L2tW7cmJyfH/fUff/xBaWnpUetJTEwkJSWFzZs387e//a3O34dhGNx666188MEHLF68uNk6Bio4iYiIiPiptdv3U1hWRVRIAF3b1D41qndGLD/vLOT7LQpOvmjixImce+65pKWlcckll2C1Wvnpp59Yv349Dz30EB06dKCyspKnn36a8847j6+//prnn3++xjUyMjIoLi5m4cKFdOvWjbCwMMLCwjjttNN45pln6NevH3a7nbvvvpvAwCNP/XSZPHkyf//734mOjmbYsGGUl5fzww8/sG/fPsaPH3/Y94wbN4433niDjz76iMjISHJzcwGIjo4mNDS08T+oI1BzCBERERE/5Vrf1L9DPAG22v8s7JupjXB92dChQ/n000/53//+R+/evTnppJN4/PHHSU9PB6Bbt25Mnz6dRx55hC5dujBnzhymTp1a4xonn3wyN954IyNGjKB169Y8+uijAEybNo3U1FQGDBjAFVdcwZ133lmnNVHXXXcdL730Eq+88gonnHACgwYNYvbs2UcdRXruuecoKCjg1FNPJTk52f2YO3duI346tbMYfraLWWFhIdHR0RQUFBAVFWV2OSIiIiKmuez5FazM2suUi07gir5ptZ6/q6ic3g9/icUCa+47k+iw2kcUfFFZWRlbtmwhMzOTkBA/W8vVAh3t86xPNtCIk4iIiIgfKiqrZHX2PuDI+zf9VevIYNrFh2MY8MNWjTqJf1FwEhEREfFD327eS5XDICMujNTYureZdrYl135O4n8UnERERET80LI/nG3IBxxz9Dbkf9W7ep3Tyi0KTuJfFJxERERE/JC7DXkdp+m59KkecVq3vYADFYe2pRZpqRScRERERPzMtr2lbN5dgs1q4aT2cfV6b2psKIlRwVQ5DH7ctq+JKvQOftZDrcXy1Oeo4CQiIiLiZ5ZvdI429UiNISqkfp3xLBaLe53T91taZnBy7T9U2wau4hsqKioAsNlsjbqONsAVERER8TMNXd/k0iczlk/X5rTY/ZxsNhsxMTHk5+cDEBYWhsViMbkqaQiHw8GuXbsICwsjIKBx0UfBSURERMSP2B0GX2/cA8CAjvVb3+TiGnFanb2PKrujTpvn+pqkpCQAd3gS32W1WklLS2t0+FVwEhEREfEj63YUUHCgksiQALq2iW7QNTolRhIVEkBhWRU/7yykW2qMZ4v0AhaLheTkZBISEqisrDS7HGmEoKAgrNbGh3sFJxERERE/sux35zS9/u3jGzxSZLVa6JURy1e/5fN91t4WGZxcbDZbo9fGSMvQ8sZVRUREROSIlrnakDdwmp5LH+3nJH5GwUlERETETxSXV7E629kJb2ADG0O4uNY5/bB1n9p2i19QcBIRERHxE99u2kOVwyAjLozU2LBGXeuENtGEBFrZW1LBpl3FHqpQxHspOImIiIj4CVcb8lOOadw0PYCgACvdq9c2fafpeuIHFJxERERE/IR7fVMjp+m59HFvhKvgJC2fgpOIiIiIH9i+r5TNu0uwWS30ax/nkWv2rm4Q8X3WPo9cT8SbKTiJiIiI+IHl1aNNPVJjiAoJ9Mg1T0xrhc1qYcf+A+zYf8Aj1xTxVgpOIiIiIn7ANU3PE+ubXMKDA+icEgVoup60fKYHpxkzZpCRkUFISAh9+/Zl5cqVRz1///79jBs3juTkZIKDg+nYsSPz5s1rpmpFREREfI/dYbB8o2fXN7m42pKvzFJwkpbN1OA0d+5cxo8fz6RJk1i9ejXdunVj6NCh5OfnH/b8iooKzjjjDLKysnj33XfZsGEDM2fOpE2bNs1cuYiIiIjvWLejgIIDlUSGBNCtbbRHr91bDSLETwSYefPp06czduxYxowZA8Dzzz/PZ599xqxZs7jnnnsOOX/WrFns3buXb775hsBA59zcjIyM5ixZRERExOcsr25D3r99PAE2z/53894ZrQD4I7+YfSUVtAoP8uj1RbyFaSNOFRUVrFq1iiFDhvxZjNXKkCFDWLFixWHf8/HHH9OvXz/GjRtHYmIiXbp0YcqUKdjt9iPep7y8nMLCwhoPEREREX+y1NWGvKPn1je5xEUE0yEhAoDvNV1PWjDTgtPu3bux2+0kJibWOJ6YmEhubu5h37N582beffdd7HY78+bN47777mPatGk89NBDR7zP1KlTiY6Odj9SU1M9+n2IiIiIeLPi8ipWb3W2Cx/QwbPrm1zc0/UUnKQFM705RH04HA4SEhJ48cUX6dmzJyNGjODee+/l+eefP+J7JkyYQEFBgfuxbdu2ZqxYRERExFzfbtpDlcMgPS6MtLiwJrlHn0zndL2V2s9JWjDT1jjFx8djs9nIy8urcTwvL4+kpKTDvic5OZnAwEBsNpv72HHHHUdubi4VFRUEBR06pzY4OJjg4GDPFi8iIiLiI5ZVr28a4ME25H/lGnH6eUcBJeVVhAebuoxepEmYNuIUFBREz549WbhwofuYw+Fg4cKF9OvX77Dv6d+/Pxs3bsThcLiP/f777yQnJx82NImIiIj4u2VN1Ib8YG1bhZESHUKVw+DH7P1Ndh8RM5k6VW/8+PHMnDmTV199lV9//ZWbbrqJkpISd5e9UaNGMWHCBPf5N910E3v37uW2227j999/57PPPmPKlCmMGzfOrG9BRERExGtt31fK5l0l2KwW+rWPa9J79c7Ufk7Sspk6jjpixAh27drFxIkTyc3NpXv37syfP9/dMCI7Oxur9c9sl5qayhdffMEdd9xB165dadOmDbfddht33323Wd+CiIiIiNdaXt1Nr3tqDFEhgU16r94ZsXy0Zqf2c5IWy/QJqLfccgu33HLLYV9bvHjxIcf69evHt99+28RViYiIiPi+Za425E24vsmlT/WI04/b9lFR5SAowKd6kInUSv9Gi4iIiLRAdofB15uafn2TS4fWEcSEBVJW6WD9zoImv59Ic1NwEhEREWmB1u8oYH9pJZEhAXRrG93k97NaLfRKr97PSdP1pAVScBIRERFpgVxtyE9uH0eArXn+5HPt56SNcKUlUnASERERaYGW/tF80/RcXPs5fZ+1D4fDaLb7ijQHBScRERGRFqa4vIofs/cBMLAZg1OXNtGEBtooOFDJH/nFzXZfkeag4CQiIiLSwny3eQ+VdoP0uDDS4sKa7b6BNisnpscA2s9JWh4FJxEREZEWxtWG/JQOTd+G/K/c0/XUIEJaGAUnERERkRZmaXVjiOZc3+TSpzo4rdyyF8PQOidpORScRERERFqQHfsPsHlXCTarhX7t45r9/j3SWhFgtZBbWMb2fQea/f4iTUXBSURERKQFWV492tQ9NYbo0MBmv39okI0ubZz7Rq3UdD1pQRScRERERFqQpSaub3Lpk+lqS67gJC2HgpOIiIhIC2F3GHy90RmcBnY0Lzi5GkSos560JApOIiIiIi3E+h0F7C+tJDI4gG5tY0yro1d6KwA27yphd3G5aXWIeJKCk4iIiEgLsbx6tOnkDnEE2Mz7M69VeBAdEyMA+EGjTtJCKDiJiIiItBBLf3c2hjjFhDbkf+Werrdln8mViHiGgpOIiIhIC1BcXsXqbGdIGXiMeeubXNQgQloaBScRERGRFuC7zXuotBukxYaRHhdudjnu4PTzzgKKy6tMrkak8RScRERERFqAZdVtyAd4wWgTQHJ0KG1bheIwYPVWTdcT36fgJCIiItICLKve+HaAF6xvcumToel60nIoOImIiIj4uB37D7BpVwlWC/RrH2d2OW69q6frfbdFwUl8n4KTiIiIiI9bXj3a1D01hujQQJOr+ZOrs96abfspr7KbXI1I4yg4iYiIiPi4pe71Td4zTQ+gfetw4sKDqKhysG57gdnliDSKgpOIiIiID7M7DL6u3vh2YEfvaAzhYrFY6JXRCoCVWuckPk7BSURERMSH/byzgP2llUQGB9CtbYzZ5RzCNV3ve61zEh+n4CQiIiLiw1xtyPu1jyPA5n1/2rn2c/ph6z7sDsPkakQazvt+u0RERESkzpb+Xt2GvKN3rW9yOT45ivAgG0VlVWzILTK7HJEGU3ASERER8VEl5VWsznZuLjvQSza+/asAm5UT053rnLSfk/gyBScRERERH/Xdlj1U2g1SY0NJjws3u5wjcm2EqwYR4ssUnERERER81NLfvbMN+V+5NsL9fsteDEPrnMQ3KTiJiIiI+Khl1Rvfeus0PZfuqTEE2izkF5WTvbfU7HJEGkTBSURERMQH7dx/gE27SrBaoF977w5OIYE2ula3Sv9ObcnFRyk4iYiIiPig5dVtyLunxhAdGmhyNbXTfk7i6xScRERERHzQ0uppeqd4+fomlz6Z6qwnvk3BSURERMTH2B0Gyzc6R5y8fX2TS8/0WCwWyNpTSn5RmdnliNSbgpOIiIiIj/l5ZwH7SyuJDA6gW2qM2eXUSXRoIJ0SIwH4fss+k6sRqT8FJxEREREfs6x6fVO/9nEE2nznz7k+rrbkmq4nPsh3ftNEREREBPizDfkAH5mm5+JqELFSDSLEByk4iYiIiPiQ0ooqVm11TnXz9o1v/8o14vRrbiGFZZUmVyNSPwpOIiIiIj5k655SKu0GrcICSY8LM7ucekmMCiE9LgzDwB3+RHyFgpOIiIiID8kvKgecIcRisZhcTf1pPyfxVQpOIiIiIj4kr9DZyjsxKsTkShqmT4YaRIhvUnASERER8SG7qkecEiKDTa6kYXpXr3P6aVsBZZV2k6sRqTsFJxEREREf4hpxSohqwuBkr4Qv7oWPbgGHZ8NNRlwY8RHBVNgd/LRtv0evLdKUFJxEREREfEh+4Z9rnJpEVTm8PRpWPAM/vgabvvLo5S0WC30yWwGarie+RcFJRERExIfkF1WPODXFVL2KEnhjBGz47M9ja+Z4/Dbu/Zyy1FlPfIeCk4iIiIgPyasecUrw9IhTWQG8fjFsXgSB4XDmQ87jv82DA54NOK7gtHrrPuwOw6PXFmkqCk4iIiIiPsIwjKZpDlG6F149H7JXQHA0jPoQ+t0CCceDvRx+/sBz9wKOS44iMjiA4vIqfs0p9Oi1RZqKgpOIiIiIjyg4UEmF3QFAa08Fp6JceOVsyFkDYXFw9SeQ2gcsFug20nnOmjc9c69qNquFE9Od65xWaj8n8REKTiIiIiI+wjVNr1VYIMEBtsZfcH82vHIW7PoVIpLg6nmQ3O3P17teBhYbbF8Ju/9o/P0O0idT+zmJb1FwEhEREfERfzaG8MD6pj2bYNZZsHczxKTBNfMh4dia50QmQYfTnc9/8uyo08HByTC0zkm8n4KTiIiIiI/4szFEI6fp5f0Cs4ZB4XaIOwbGzIfYzMOf65qu99NccDgad9+DdG0bTVCAld3FFWzZXeKx64o0FQUnERERER/hkRGnHath9tlQkg+JXWDM5xDd5sjndzobQqKdIStracPv+xfBATY6p0QB8IsaRIgPUHASERER8RH5jR1x2vqNs3vegX3QpieM/gQiWh/9PYEh0Hm487mHm0RkxoU7y9pT6tHrijQFBScRERERH+EacUpsSEe9jQvhteFQUQQZA2DURxAWW7f3dv+b85+/fgzlRfW/9xGkVwenbAUn8QEKTiIiIiI+Ir+hm9/++im8eTlUHYAOZ8Df3oHgyLq/v20viOsAlaXwy0f1u/dRpMeFAZC1R2ucxPspOImIiIj4iPyGbH679h14exTYK+C48+HyNyAwtH43bqI9nVzBKXuvRpzE+yk4iYiIiPgAwzDIK6yeqlfXEacfXoH3x4JhdwafS16BgKCGFdDtcsACW5fDvqyGXeMvXFP1cgrKKKu0e+SaIk1FwUlERETEBxSWVVFe5WwH3rouI04rZsCntwMG9LoWLngWbAENLyC6LbQb5Hz+01sNv85BWoUFEhnirGmbRp3Eyyk4iYiIiPiA/OrRpujQQEICbUc+0TBgyaPwxT+dX/e/Dc6ZBlYP/NnX7QrnP39603mfRrJYLAetc1JwEu+m4CQiIiLiA+q0vskwYMFEWPSw8+vB/4Ihk51rlDzhuHMhKMI5VS97hUcume5uSa4GEeLdFJxEREREfIB789sj7eHkcMBn4+Gbp5xfD50Cg/7Pc6EJICgcjr/Q+XzNGx65ZHqsc8RJezmJt1NwEhEREfEBedWtyBMjD9MYwl4FH94EP8wCLHDek9BvXNMU0r26u97PH0JF48NOhmvESWucxMspOImIiIj4ANceTq3/OuJUVQHvjoG1b4HFBhe/BD2vbrpC0k6GmHTnRrq/fdr4y8W5Rpw0VU+8m4KTiIiIiA/Ic03VO3jEqaIU3hoJv34MtiAY8RqccEnTFmK1HrSnU+On67lGnHbsO0Cl3dHo64k0FQUnERERER+wyzVVzzXiVF4Ecy6FjV9CQChcMReOPad5iul2ufOfmxdDwY5GXSohMpjgACtVDoOd+w80vjaRJqLgJCIiIuID8g8ecSrdC/+9wLkZbXAUXPUBtD+t+YqJzXRO2cOAtXMbdSmr9c+W5GoQId5MwUlERETEyxmG8WdziIgAeO0i2LEKQlvB6I8hvV/zF9X9oOl6jdzTKS1WLcnF+yk4iYiIiHi54vIqDlTaAUgs3wo5ayAwDK6eByk9zCnq+AudUwT3/OEMcY2QoREn8QEKTiIiIiJezrX5bWRwACEl1WuK4jpA4vHmFRUSBced53zeyCYRrql6WQpO4sUUnERERES8XF7hQZvfFmxzHoxONbGiaq7peuvfg6ryBl8mvbqzXvZeTdUT76XgJCIiIuLldlWPOCVEhkDBdufB6LYmVlQtcxBEpkDZftjweYMvc3BzCIejceulRJqKVwSnGTNmkJGRQUhICH379mXlypVHPHf27NlYLJYaj5CQw+ygLSIiItJC1Bxxqg5OMV4w4mS1/dmavBHT9drEhBJgtVBe5XBPSxTxNqYHp7lz5zJ+/HgmTZrE6tWr6datG0OHDiU/P/+I74mKiiInJ8f92Lp1azNWLCIiItK88t17OIUcNFXPC0acALpf4fznxi+h+Mh/vx1NgM1Km1ahAGSps554KdOD0/Tp0xk7dixjxozh+OOP5/nnnycsLIxZs2Yd8T0Wi4WkpCT3IzEx8YjnlpeXU1hYWOMhIiIi4kvy3VP1Dhpx8oY1TgDxx0CbXmDYYe3bDb6Me52TGkSIlzI1OFVUVLBq1SqGDBniPma1WhkyZAgrVqw44vuKi4tJT08nNTWVCy64gJ9//vmI506dOpXo6Gj3IzXVS/5HRkRERKSOXFP1EiNsUJTjPOgtI07gkT2d0mNdnfU04iTeydTgtHv3bux2+yEjRomJieTm5h72PZ06dWLWrFl89NFHvP766zgcDk4++WS2b99+2PMnTJhAQUGB+7Ft2zaPfx8iIiIiTcnVHKKNrQAMB9iCIDzB5KoO0nm4s6b8nyF3bYMu4W4QsVcjTuKdAswuoL769etHv35/7o598sknc9xxx/HCCy/w4IMPHnJ+cHAwwcHBzVmiiIiIiEe5RpySjOo1RFFtwGr6ios/hcVCp7Phlw9hzZuQ3K3el3BN1duqESfxUqb+xsXHx2Oz2cjLy6txPC8vj6SkpDpdIzAwkB49erBx48amKFFERETEVCXlVZRU2AGIraoOTt40Tc/F1SRi3Ttgr6z32zMOakluNHC6n0hTMjU4BQUF0bNnTxYuXOg+5nA4WLhwYY1RpaOx2+2sW7eO5OTkpipTRERExDSuxhDhQTZCSnY6D3pLY4iDtT/dOX2wdDf8saDeb0+tXuNUVFbFvtL6By+Rpmb6GO/48eOZOXMmr776Kr/++is33XQTJSUljBkzBoBRo0YxYcIE9/kPPPAA//vf/9i8eTOrV6/myiuvZOvWrVx33XVmfQsiIiIiTcbdGCLKyza//StbAHS9zPn8p/rv6RQSaCM52rk3p6briTcyfY3TiBEj2LVrFxMnTiQ3N5fu3bszf/58d8OI7OxsrAfN4d23bx9jx44lNzeXVq1a0bNnT7755huOP/54s74FERERkSbjGnFqHRn85x5O3rD57eF0GwkrnoEN86F0r3PtUz2kxYaRU1DG1j2l9Ehr1URFijSM6cEJ4JZbbuGWW2457GuLFy+u8fXjjz/O448/3gxViYiIiJgvv3rEKSEqBPZ68YgTQFIXSOrq7Ky37l3oe3293p4RF853W/ayVXs5iRcyfaqeiIiIiByZa8QpMSLI+za/PRxXk4gGTNdLj3c1iNBUPfE+Ck4iIiIiXsw14tQ2rAIqip0Ho9qYWFEtTrgUrAGw80fI/7Veb02PdbYk1ya44o0UnERERES8WF6hc8Qp3bbHeSAsHoLCTKyoFuHxcMyZzudr6jfq5NoEN1ub4IoXUnASERER8WL5RdWb37LbecBb1zcdzDVdb+3bYK+q89tcwWl3cQXF5XV/n0hzUHASERER8WKuNU7x9l3OA74QnI4ZCqGxUJwLmxfX+W2RIYHEhQcBWuck3kfBSURERMRLHaiwU1TmHHmJrsh1HvTmxhAuAUFwwiXO5/VsEpEW52oQoel64l0UnERERES8lGuaXmigjcDinc6D3rqH0191G+n852+fwYH9dX5bRpyzQYSCk3gbBScRERERL+WappcQFYzFtfmtL0zVA0jpAa2Phaoy+PmDOr8tLVYtycU7KTiJiIiIeKm86lbkiZEhB+3h5CPByWI5aE+nN+v8tox4TdUT76TgJCIiIuKl8qtbkSdFWqHIh9Y4uXQdARYrbPsO9myq01vSYl1T9TTiJN5FwUlERETES+VVr3FqH1wIGGALhvDW5hZVH5FJ0P405/M6jjplVDeHyCkso6zS3lSVidSbgpOIiIiIl9pVPeKUGbDXeSC6rXMKnC9xNYn46S1wOGo9PTY8iIjgAAwDtu/TdD3xHgpOIiIiIl7K1RwixeJDm9/+1bHnQHA0FGyDrGW1nm6xWNwb4Wqdk3gTBScRERERL+VqDtHa4dr81ofWN7kEhkKXi5zP6zhdzxWcshScxIsoOImIiIh4KdeIU0xFnvOAr+zh9Ffdqrvr/fIxlBfXenp69V5O2WoQIV5EwUlERETEC5VV2ik4UAlA2IEc50FfnKoHkNoHYttDZQn8+nGtp6fHasRJvI+Ck4iIiIgX2lU92hQcYCWgeIfzoK8GJ4vlzyYRa96o9XT3iNNeBSfxHgpOIiIiIl4ov7oVeUJkEBb35rc+OlUPoNvlgMXZIGLf1qOe6lrjtG1vKVX22jvxiTSHegenzZs3N0UdIiIiInKQvOpW5O0iKqGyeuQlqo2JFTVSTCpkDnA+Xzv3qKcmRYUQFGClymGQU1DW8HuWFztHuL64F0r2NPw6IjQgOHXo0IHBgwfz+uuvU1bWiH+RRUREROSI8qs76h0bss95IDwBAkNMrMgDXE0i1rwBhnHE06xWC2nudU71bBBhGJD1NXw4Dh7rCB/eBCuegc//r6FViwANCE6rV6+ma9eujB8/nqSkJG644QZWrlzZFLWJiIiI+C1XR73MwOrg5Kvrmw523HkQGA77tkD2t0c9NaO+ezntz4Ylj8JT3WH22bDmdWczilYZgAXWvwfZ3zWqfPFv9Q5O3bt358knn2Tnzp3MmjWLnJwcTjnlFLp06cL06dPZtWtXU9QpIiIi4ldcU/XaWKunmLWE4BQcAZ0vdD7/6ehNItJinQ0ith5txKmiFH6aC6+eD090hUUPw74sCIqAHlfBmPnw9zXQ42/O87+YAA6tmZKGaXBziICAAIYPH84777zDI488wsaNG7nzzjtJTU1l1KhR5OTkeLJOEREREb/iag6R6NjtPBCTZmI1HuTqrvfzh1B54IinZcQfYcTJMJyjVR/f6pyK98H1sGUJYEDmQLjoBbjzd7jgGUjv5+zod9p9zpGuHatg/btN831Ji9fg4PTDDz9w8803k5yczPTp07nzzjvZtGkTCxYsYOfOnVxwwQWerFNERETEr+RXjzi1qsx1HmgJI04A6f0hOg3KC+G3z454mmuNkzs4FeyApY/B0z1h1lBY/V+oKIKYdDj1n3DbWhj9ibN7X1B4zYtFJsGAO5zPv7zfOVIlUk8B9X3D9OnTeeWVV9iwYQNnn302//3vfzn77LOxWp0ZLDMzk9mzZ5ORkeHpWkVERET8hmvEKaK8hQUnq9UZbpY+6mwSccIlhz0tIy6cYCrovG8BxmuPY9m0CKhuKBEYBsdf6JyCl3ay85q16XcLrHoVCrY5m0UMustj35L4h3oHp+eee45rrrmGq6++muTk5MOek5CQwMsvv9zo4kRERET8UXmVnX2llQAEl+x0HmwpwQn+DE6bF0HhTohK+fM1w4Adq0hd/RrfB79NlKUUNlW/lt4fuv8Njj8fgiPrd8/AUBhyP7x3LSx/3LkGKurwf8uKHE69g9OCBQtIS0tzjzC5GIbBtm3bSEtLIygoiNGjR3usSBERERF/squ6o164zY61JN95MLqFrHECiGsPaf0ge4VzT6dT7oDCHOfzNW/A7g3YgCgLbDfisXQbSZtTr4HYdo27b5eL4bsXYPtK+OpBuPBZj3w74h/qvcapffv27N69+5Dje/fuJTMz0yNFiYiIiPgzVyvyzuFFzgMBoRAWa2JFTcDVJOKHWTDnUnj8ePhyEuze4Px+u45gautHGFD+BF+n3dD40ATORhHDpjqfr5kDO39s/DXFb9Q7OBlH2KysuLiYkBAf35RNRERExAu4N78N2+88EN3W+Ud/S9L5QggIce6/9Mf/wHBAal847ym4cwMMf5GSNv0xsJJd172c6qJtLzjhUufz+f886ka8Iger81S98ePHA2CxWJg4cSJhYWHu1+x2O9999x3du3f3eIEiIiIi/sY14tQ+cL/zQEta3+QSEg2D7oZ170Cns6DbFRDfocYp6dV7OWUdbS+nhjh9Evz6CWR/A79+DMerG7TUrs7B6ccfnUOZhmGwbt06goKC3K8FBQXRrVs37rzzTs9XKCIiIuJnXK3IU23Vm9/GpJpYTRMaMN75OIL0OOd/qM/e6+H24TGpcPKtsPQ/sGAidBwGAcGevYe0OHUOTosWLQJgzJgxPPnkk0RFRTVZUSIiIiL+LK96ql4i1evKo1tocKpFelz1iNNuD484AfS/HVa/Bvuy4Lvnof9tnr+HtCj1XuP0yiuvKDSJiIiINCHXVL24qjzngZY4Va8OXJvgFpZVsb+0wrMXD46A0yc6ny99DIp3efb60uLUacRp+PDhzJ49m6ioKIYPH37Uc99//32PFCYiIiLir1zBKarcv4NTaJCNxKhg8grLydpTSvewoNrfVB/dRsLKFyDnJ1j0MJz3hGevLy1KnUacoqOjsVR3comKiiI6OvqIDxERERFpHGdXPYOQUtfmt/45VQ/+nK631dMNIgCsVhha3Z589auQ97Pn7yEtRp1GnF555RX389mzZzdVLSIiIiJ+r9LuYE9JBbEUYbWXAxaISjG7LNOkx4axcstetnqyJfnBMvrDcec5u+x9cS9c9UHLa/0uHlHvNU4PPfQQW7ZsaYpaRERERPzeruppemm26sYQEYl+3fEtI9414tREwQngjAfAFgSbFzn3lBI5jHoHp3feeYcOHTpw8skn8+yzz7J79+6mqEtERETEL7nWNx0XWug84Kfrm1xcDSKaZKqeS2w76Huj8/kX94K9sunuJT6r3sHpp59+Yu3atZx66qk89thjpKSkcM455/DGG29QWtqE/yVARERExA/kV7cibx+833mgpe7hVEcZrjVOnt7L6a8G3glh8bDnD/hhVtPeS3xSvYMTQOfOnZkyZQqbN29m0aJFZGRkcPvtt5OUlOTp+kRERET8Sl71iFN6QPXmt/4+4lS9Ce6uonJKyqua7kYh0TD4n87ni6dC6d6mu5f4pAYFp4OFh4cTGhpKUFAQlZUa1hQRERFpjF3VI04pfr75rUt0aCCtwgIByG7qUacTR0Pr4+DAPljyaNPeS3xOg4LTli1bePjhh+ncuTO9evXixx9/ZPLkyeTm5nq6PhERERG/4lrjFG+v3pDVz0ecANKasiX5wWwBMPRh5/PvZ8LuP5r2fuJT6h2cTjrpJDp06MC7777LmDFj2Lp1KwsXLuTaa6/VPk4iIiIijZRXPeIUXVH9H6T9fMQJICPO1SCiGdbTdzgdjjkTHFXwv/ua/n7iM+q0j9PBTj/9dGbNmsXxxx/fFPWIiIiI+LX8onKCqSCkonqNjUacSK/urJfVHMEJ4MyHYeNC+P1z2LwY2p3aPPcVr1bvEaeHH35YoUlERESkieQVlpNiqW4MERgOoa3MLcgLpFdP1cve28RT9Vxad4Te1zmff3EvOOzNc1/xanUacRo/fjwPPvgg4eHhjB8//qjnTp8+3SOFiYiIiPibKruDPSXldLK4GkO0BYvF3KK8QHr1VL2s3c249c2p98DauZC3Hn58DXpe3Xz3Fq9Up+D0448/ujvm/fjjj01akIiIiIi/2lNSgWFAW1v1iJOf7+Hk4hpxyik4QHmVneAAW9PfNCwWBt0NX0yArx6CzsMhJKrp7yteq07BadGiRYd9LiIiIiKe42oMcUzQfnCg9U3V4iOCCA+yUVJhZ/u+A7RvHdE8N+59HXz/EuzdBMumwRmTm+e+4pXqvcbpmmuuoaio6JDjJSUlXHPNNR4pSkRERMQf5Rc6W5FnBKoxxMEsFou7JXl2czWIAAgIgjMfcj7/9lnYl9V89xavU+/g9Oqrr3LgwIFDjh84cID//ve/HilKRERExB/lFTlHnNq4mkOoFbmbqyV5VlPv5fRXnc6CzEFgr4AFk5r33uJV6hycCgsLKSgowDAMioqKKCwsdD/27dvHvHnzSEhIaMpaRURERFo014hTa4dr81sFJ5e05tzL6WAWCwydAhYr/PIhbF3RvPcXr1HnfZxiYmKwWCxYLBY6dux4yOsWi4XJkzXvU0RERKSh8ovKseAgpjLfeUBT9dwyqqfqbW3uESeApC7Q4ypY/aqzWcR1X4G13hO3xMfVOTgtWrQIwzA47bTTeO+994iNjXW/FhQURHp6OikpKU1SpIiIiIg/yC8sI44iAowKwAJR+tvKxbUJ7ta9zTzi5HLav2D9+7DzR1j3NnS73Jw6xDR1Dk6DBg0CYMuWLaSlpWHRngIiIiIiHpVfVE4bS/U0vchksAWaW5AXSY93jjht21uK3WFgszbz36IRCTBgPCycDF/eD8edB0HhzVuDmKreY4xfffUV77777iHH33nnHV599VWPFCUiIiLij/KLykhxN4bQNL2DJUWFEGSzUmk3yCk4tFFZszjpZohJg6Ic+Popc2oQ09Q7OE2dOpX4+PhDjickJDBlyhSPFCUiIiLib+wOg11F5aRYdjsPaPPbGmxWC6mxoYAJDSJcAkPgjAecz79+Egp2mFOHmKLewSk7O5vMzMxDjqenp5Odne2RokRERET8zZ6SchwGtNWI0xGluxtEmBScAI6/ENL6QdUBWPiAeXVIs6t3cEpISGDt2rWHHP/pp5+Ii4vzSFEiIiIi/ubQzW814vRX6e6W5CZ01nOxWGDow87na9+CHavMq0WaVb2D08iRI/n73//OokWLsNvt2O12vvrqK2677TYuv1zdRUREREQaIr9689tUq0acjsTdWc/MESeANj2ha/XfvfP/CYZhbj3SLOodnB588EH69u3L6aefTmhoKKGhoZx55pmcdtppPPzww01Ro4iIiEiL5xpxSjSq1zhpxOkQrs56WWaOOLmcPhECQmHbt/DzB2ZXI82g3sEpKCiIuXPnsmHDBubMmcP777/Ppk2bmDVrFsHBwU1Ro4iIiEiLl1dYTgjlRDoKnAc04nQI14hT9t5SDLNHeaLbQP/bnM+/nASVZebWI02uwVseH3PMMVx66aWce+65tGrViueee45evXp5sjYRERERv5FfVEYbV0e9oEgIiTa3IC/UtlUYVguUVtjZVVxudjnQ/+8QmQL7s+HbZ82uRppYg4MTwKJFi7jqqqtITk52T+ETERERkfrLKyyvuYeTpZk3ePUBQQFWUmJMbkl+sKBwGDLJ+XzZdCjON7ceaVL1Dk47duzg4YcfpkOHDlx66aW88cYbzJo1ix07djBjxoymqFFERESkxdt18Oa32sPpiDK8oSX5wU64DFJ6QEURzL0SSnabXZE0kToHp/fee4+zzz6bTp06sWbNGqZNm8bOnTuxWq2ccMIJWPRfRUREREQaLP/gzW+1vumI0ryhJfnBrFY49wkIjoZt38FLp8Ou382uSppAnYPTiBEj6NGjBzk5ObzzzjtccMEFBAUFNWVtIiIiIn7B4TDYVVROWwWnWmXEeUlL8oOldIfrFkBMOuzLgpeHwOYlZlclHlbn4HTttdcyY8YMhg0bxvPPP8++ffuasi4RERERv7G3tIIqh3HQGidN1TuStFjXVD0vGXFyad0JrlsIbftAWQG8Phx+fN3sqsSD6hycXnjhBXJycrj++ut58803SU5O5oILLsAwDBwOR1PWKCIiItKiufZw+nPzWwWnI8mIrx5x2utFI04uEa1h9CfQ5WJwVMFH4+DL+0F/K7cI9WoOERoayujRo1myZAnr1q2jc+fOJCYm0r9/f6644gref//9pqpTREREpMXKKyrDgoNEDuqqJ4eVVr2X0/7SSgpKK02u5jACQ2D4SzDwLufXyx+Hd6+GygOmliWN16h9nKZMmcK2bdt4/fXXKS0tZeTIkZ6sTURERMQv7CospzUFBFIFFitEJptdktcKCwogITIYgK17vWy6novVCqfdCxc+D9ZA+OUjmH2O2pX7uEbt4wRgtVo577zz+PDDD9m2bVuDrjFjxgwyMjIICQmhb9++rFy5sk7ve+utt7BYLFx44YUNuq+IiIiIN8grPGjz28gUsAWYW5CXS69uEJHlTQ0iDqf7SBj1EYS2gh2rYObpkPeL2VVJAzU6OB0sISGh3u+ZO3cu48ePZ9KkSaxevZpu3boxdOhQ8vOPnsizsrK48847GTBgQEPLFREREfEKzlbk2sOprtKr93LK9rYGEYeT0d/ZNCK2PRRkw6yhsPFLs6uSBvBocGqI6dOnM3bsWMaMGcPxxx/P888/T1hYGLNmzTrie+x2O3/729+YPHky7dq1a8ZqRURERDwvv6hMezjVQ3qsj4w4ucS1h+u+hPT+UF4Icy6D7182uyqpJ1ODU0VFBatWrWLIkCHuY1arlSFDhrBixYojvu+BBx4gISGBa6+9ttZ7lJeXU1hYWOMhIiIi4k3yCg8acVJwqlV6vGvEyUeCE0BYLFz1AXQbCYYdPhsP8/8JDrvZlUkdmRqcdu/ejd1uJzExscbxxMREcnNzD/ue5cuX8/LLLzNz5sw63WPq1KlER0e7H6mpGv4WERER76LNb+vnzxEnH5iqd7CAYLjwOTjtX86vv50Bc6+E8mJz65I6aVBw2r9/Py+99BITJkxg7969AKxevZodO3Z4tLi/Kioq4qqrrmLmzJnEx8fX6T0TJkygoKDA/WhoAwsRERGRpmAYxl+m6qWZW5APyKhe45RfVE5pRZXJ1dSTxQID/w8ufhlswbBhHrxyFhTuNLsyqUW9W7asXbuWIUOGEB0dTVZWFmPHjiU2Npb333+f7Oxs/vvf/9b5WvHx8dhsNvLy8mocz8vLIykp6ZDzN23aRFZWFuedd577mGvz3YCAADZs2ED79u1rvCc4OJjg4OD6fIsiIiIizWZfaSWVdoOUAE3Vq6vosECiQwMpOFBJ9t5Sjk2KMruk+jvhEohJgzdHQu5aZ8e9K+ZCclezK5MjqPeI0/jx47n66qv5448/CAkJcR8/++yzWbp0ab2uFRQURM+ePVm4cKH7mMPhYOHChfTr1++Q84899ljWrVvHmjVr3I/zzz+fwYMHs2bNGk3DExEREZ+TX1RGGGW0slRP11JwqpOM6pbkW31pndNfpfZxNo2I7wRFO2HWMNgw3+yq5AjqPeL0/fff88ILLxxyvE2bNkdcl3Q048ePZ/To0fTq1Ys+ffrwxBNPUFJSwpgxYwAYNWoUbdq0YerUqYSEhNClS5ca74+JiQE45LiIiIiIL3A2hqiephccDSE+OHpigrS4cH7aXsBWX1vn9FexmXDt/+DtUbBlCbw1EoZOgb43Oqf1ideod3AKDg4+bGe633//ndatW9e7gBEjRrBr1y4mTpxIbm4u3bt3Z/78+e6GEdnZ2VitpndNFxEREWkS+YVltNEeTvXWIkacXEJj4Mr3nJ32Vv8X5t8DezbBsH9rM2QvUu9P4vzzz+eBBx7g7bffBsBisZCdnc3dd9/NxRdf3KAibrnlFm655ZbDvrZ48eKjvnf27NkNuqeIiIiIN3BufquOevWVFtuCghOALRDOewriOsCCSfD9TNiXBZfM0iikl6j3UM60adMoLi4mISGBAwcOMGjQIDp06EBkZCQPP/xwU9QoIiIi0mLlF5ZpD6cGyKjey2nrXh+fqncwiwX63waX/RcCQmHjAue6p/3qCu0N6j3iFB0dzYIFC1i+fDlr166luLiYE088scYmtiIiIiJSN/lF5XTTiFO9ufZy2rHvABVVDoICWtDSjuPPh+g2zo57+T/DzNPgiregTU+zK/NrDZ40ecopp3DKKad4shYRERERv5NXWEYbd3DSGqe6ah0ZTGigjQOVdnbsP0Bm9QhUi9GmJ1y3EN4Y4QxPr5wDw190hioxRb2D01NPPXXY4xaLhZCQEDp06MDAgQOx2WyNLk5ERESkpcsvKicF11Q9Bae6slgspMeF8VtuEVl7SlpecAJns5Br5sO71zin7b19FZwzDXpfZ3Zlfqnewenxxx9n165dlJaW0qpVKwD27dtHWFgYERER5Ofn065dOxYtWqR9lURERESOwjAMdhcdIMm213lAU/XqxRWcsltKg4jDCYmCkW85O+19PxM+v9s5GpXSw+zK/E69J4NOmTKF3r1788cff7Bnzx727NnD77//Tt++fXnyySfJzs4mKSmJO+64oynqFREREWkxCg5UElO1h0CLHcMaAJFJZpfkU9LjnKNMWb6+l1NtbAFw9n/guPPBUQXvjYWKFhwWvVS9g9O//vUvHn/8cdq3b+8+1qFDBx577DEmTJhA27ZtefTRR/n66689WqiIiIhIS+NsRe6cpmeJSgGrljrUR3r1Xk4tesTJxWKB856EyGTY8wf8719mV+R36h2ccnJyqKqqOuR4VVUVubm5AKSkpFBUVNT46kRERERasPzCcjWGaIT0WD8ZcXIJi4ULn3U+/+Fl+P0Lc+vxM/UOToMHD+aGG27gxx9/dB/78ccfuemmmzjttNMAWLduHZmZmZ6rUkRERKQFytMeTo3iGnHatvcAdodhcjXNpP1pcNLNzucfjYPiXebW40fqHZxefvllYmNj6dmzJ8HBwQQHB9OrVy9iY2N5+eWXAYiIiGDatGkeL1ZERESkJckvOnjEScGpvlJiQgm0WaiwO8gtLDO7nOZz+iRIOB5KdsHHt4LhJ6HRZPXuqpeUlMSCBQv47bff+P333wHo1KkTnTp1cp8zePBgz1UoIiIi0kLlFZZxiqbqNZjNaiG1VRibd5ewdU8JbWJCzS6peQSGwPCZMHMw/P45rHoFel1jdlUtXoM3wD322GM59thjPVmLiIiIiF/ZVVROG4v2cGqMtDhXcCrl5Pa1n99iJHVxjjz9716Y/0/IGADxx5hdVYvWoOC0fft2Pv74Y7Kzs6moqKjx2vTp0z1SmIiIiEhLl19URoqm6jVKRlw4sIut/tBZ769Ouhn++AK2LIX3x8K1C8AWaHZVLVa9g9PChQs5//zzadeuHb/99htdunQhKysLwzA48cQTm6JGERERkRapqGAf0ZbqP/gVnBokLdbZIGKrv3TWO5jVChc+D8+dDDt/hCWPwGlqU95U6t0cYsKECdx5552sW7eOkJAQ3nvvPbZt28agQYO49NJLm6JGERERkRbHMAwCi3cAYA9pBcERJlfkmzLiXcHJD0ecAKLbwHlPOJ8vmwZbV5haTktW7+D066+/MmrUKAACAgI4cOAAERERPPDAAzzyyCMeL1BERESkJSoqryLOng+ARaNNDZYe59zLaeueEgx/7S7X+SLoNhIMB3xwPZQVml1Ri1Tv4BQeHu5e15ScnMymTZvcr+3evdtzlYmIiIi0YPmFZe7GENYYNYZoqLatQrFYoKTCzp6Sitrf0FKd9SjEpMH+bPj8brOraZHqHZxOOukkli9fDsDZZ5/NP/7xDx5++GGuueYaTjrpJI8XKCIiItIS5ReWqzGEBwQH2EiJdrYh98t1Ti4hUXDRi2Cxwk9vwM8fmF1Ri1Pv4DR9+nT69u0LwOTJkzn99NOZO3cuGRkZ7g1wRUREROTo8orKDtr8ViNOjZEe5+frnFzS+8Ep453PP7kdCnaYWk5LU6+uena7ne3bt9O1a1fAOW3v+eefb5LCRERERFqy/MJyerj3cNKIU2Okx4XzzaY9ZPl7cAI49R7YtNDZZe/Dm+CqD53d96TR6vVTtNlsnHnmmezbt6+p6hERERHxC/lF5aRo81uPcI04ZfvzVD0XWyAMnwmBYbBlCXz3nNkVtRj1jp9dunRh8+bNTVGLiIiIiN/YVVBCEnudX2jEqVEyqoOTRpyqxR8DQx92Pv/yfshdb2o5LUW9g9NDDz3EnXfeyaeffkpOTg6FhYU1HiIiIiJSu8qCnQRYHDgsgRCRaHY5Pi0t1tmSPHuvgpNbzzHQcRjYK+D9sVBZZnZFPq9ea5zA2UkP4Pzzz8disbiPG4aBxWLBbrd7rjoRERGRFiqgcDsAFeHJhGgNSqO4purtLamgsKySqJBAkyvyAhYLnP8MPNcP8n+BhQ/AsClmV+XT6h2cFi1a1BR1iIiIiPiVkNIcsIKhaXqNFh4cQHxEMLuLy8neU0qXNtFml+QdIlo7w9ObI+DbGXDMGdB+sNlV+ax6B6dBgwY1RR0iIiIifqO4vIp4+y6wQmCsGkN4QkZcGLuLy8naU6LgdLBOw6DXtfDDy84uezd9A2GxZlflkxo0Lrxs2TKuvPJKTj75ZHbscPaHf+2119wb44qIiIjIkeUVltHGsguAgFbpJlfTMqRpL6cjO/MhiDsGinLgk9vAMMyuyCfVOzi99957DB06lNDQUFavXk15eTkABQUFTJmieZMiIiIitckvPLgVuabqeUJGnLNBxFa1JD9UUBgMfxGsAfDrx/DTm2ZX5JMa1FXv+eefZ+bMmQQG/rnwrn///qxevdqjxYmIiIi0RPlFZQpOHpauEaeja3MinDrB+Xze/8HeLebW44PqHZw2bNjAwIEDDzkeHR3N/v37PVGTiIiISIvmHHHa7fxCm996RLp7xEnB6YhOuQPS+kFFMXxwA9irzK7Ip9Q7OCUlJbFx48ZDji9fvpx27dp5pCgRERGRlqxg3y6iLAecX0S3MbeYFiI91jnilFtYRlmltsc5LKsNLnoBgiJh23ew/HGzK/Ip9Q5OY8eO5bbbbuO7777DYrGwc+dO5syZw5133slNN93UFDWKiIiItChVe7cBcCAwBoLCzS2mhYgJCyQqxNkwWhvhHkWrdDjnMefzxVNh+ypz6/Eh9W5Hfs899+BwODj99NMpLS1l4MCBBAcHc+edd3Lrrbc2RY0iIiIiLYq1yLn5bXlYCqEm19JSWCwW0uPCWbejgK17SumYGGl2Sd6r6wj4fT78/AG8PxZuXKYAXwf1HnGyWCzce++97N27l/Xr1/Ptt9+ya9cuHnzwwaaoT0RERKTFCSrZCYAjSo0hPOnPBhHqrHdUFguc+zhEtYG9m+CLf5pdkU+od3B6/fXXKS0tJSgoiOOPP54+ffoQERHRFLWJiIiItEiRZTkAWFupMYQnqbNePYS2ggufcz5fNRt+m2dqOb6g3sHpjjvuICEhgSuuuIJ58+Zht2vxnYiIiEhdlZRX0drh3Pw2tHWGucW0MK7OelkacaqbdoOg3y3O5x/fAkV55tbj5eodnHJycnjrrbewWCxcdtllJCcnM27cOL755pumqE9ERESkRckv+nPz2+DYNJOraVlcnfXUHKIeTp8IiV2gdI8zPBmG2RV5rXoHp4CAAM4991zmzJlDfn4+jz/+OFlZWQwePJj27ds3RY0iIiIiLUZ+YZn2cGoiGfHOEaft+w5QaXeYXI2PCAiG4TPBFgx//A++f8nsirxWvYPTwcLCwhg6dChnnXUWxxxzDFlZWR4qS0RERKRl2lVQTCL7nF9EqzmEJyVEBhMSaMXuMNi5/4DZ5fiOxOPhjMnO5//7F+zaYG49XqpBwam0tJQ5c+Zw9tln06ZNG5544gkuuugifv75Z0/XJyIiItKiFO/ahs1iUGkJhPDWZpfTolgsFtJjXeucNF2vXvrcAO0GQ1UZzL0S9mwyuyKvU+/gdPnll5OQkMAdd9xBu3btWLx4MRs3buTBBx/k2GOPbYoaRURERFqMqr3ZABQGJYK1UZN/5DDSqjvrZatBRP1Yrc4uexFJsPt3eHEwbJhvdlVepd6/rTabjbfffpucnByeeeYZ+vXr535t/fr1Hi1OREREpMUpdG5+WxaabHIhLVNGdXDSiFMDRCXD9YuhbR8oL4A3R8CiqeDQejFoQHByTdGz2WwAFBUV8eKLL9KnTx+6devm8QJFREREWpLA4h0AVEW2MbmSlimtuiW5NsFtoKhkuPoz6H2d8+sl/3YGqAP7zK3LCzR4fHjp0qWMHj2a5ORkHnvsMU477TS+/fZbT9YmIiIi0uKEH6je/DZGrcibQoY2wW28gCA4Z5pz6l5AiLPb3ounQq5/zy4LqM/Jubm5zJ49m5dffpnCwkIuu+wyysvL+fDDDzn++OObqkYRERGRFiOm0rnJaFC8glNTcDWH2Lq3FIfDwGq1mFyRD+t+BSR2djaL2JcFLw2B85+GrpeaXZkp6jzidN5559GpUyfWrl3LE088wc6dO3n66aebsjYRERGRFqWs0k6CYxcAEYmZJlfTMqXEhBBgtVBR5SCvqMzscnxfcje4fgm0Pw2qDsD718Hn94C90uzKml2dg9Pnn3/Otddey+TJkznnnHPca5xEREREpG7yC8pIsewBICw+3eRqWqYAm5W2rUIByNqt6XoeERYLf3sXBtzp/Pq75+DV86Eoz9y6mlmdg9Py5cspKiqiZ8+e9O3bl2eeeYbdu3c3ZW0iIiIiLcruPXlEWJyjIBZtfttk0qsbRGTvVYMIj7Ha4PT74PI3ICgSsr+BFwfBtpVmV9Zs6hycTjrpJGbOnElOTg433HADb731FikpKTgcDhYsWEBRUVFT1ikiIiLi80rysgDYb42BwFBTa2nJ0tWSvOkcew5cvwhaHwtFOfDK2fD9S2AYZlfW5OrdVS88PJxrrrmG5cuXs27dOv7xj3/w73//m4SEBM4///ymqFFERESkRSjfsxWAgsBEkytp2dwjTgpOTSP+GLjuSzj+AnBUwmf/gA9vhsoDZlfWpBq1XXWnTp149NFH2b59O2+++aanahIRERFpkRz7nZvflmjz2yaVHusacdJUvSYTHAmXvgpnPAgWK/z0Brx8JuzbanZlTaZRwcnFZrNx4YUX8vHHH3viciIiIiItUmCxMzhVRmjz26aUEe8MTtl7SjH8YAqZaSwW6P93uOpDCIuD3LXOdU8bF5pdWZPwSHASERERkdqFljo3v0WNIZpU21ZhWCxQVF7F3pIKs8tp+doNcrYsTzkRDuyD1y+GZdNa3LonBScRERGRZhJVkQtAUKxakTelkEAbyVEhgHMjXGkGMakw5nM4cRRgwMIHnBvnlhWaXZnHKDiJiIiINJN4ez4AYQkKTk0trbqz3latc2o+gSFw/tNw3pNgC4LfPoWZp0H+b2ZX5hEKTiIiIiLNoKzsAPHGfgBiktuZW4wfyKjurLdVnfWaX8+rYcx8iGoDe/6Al06HXz4yu6pGU3ASERERaQZ7c7KwWgzKjECiYpPMLqfF+3PEScHJFG17Otc9ZQyAimJ4exQsmAj2KrMrazAFJxEREZFmUJS3BYB8a2ssVv0J1tT+HHHSVD3TRLR2dtw7+Vbn118/Ca8Ph5LdppbVUPqtFREREWkGZbud+9vsC0gwuRL/kBarESevYAuAMx+CS16BwHDYsgReGAQ7VptdWb0pOImIiIg0A8e+bACKQ1NMrsQ/pFdP1dtTUkFRWaXJ1QhdhsPYhRDbHgq3w6xhkPW12VXVi4KTiIiISDOwFu0AoDws2eRK/ENkSCBx4UGARp28RsJxcP0i6HQ2JB4PbXqaXVG9BJhdgIiIiIg/CCnZCYChzW+bTXpcGHtKKsjeW0qXNtFmlyMAIdEwYg6UFzjbl/sQjTiJiIiINIPIcufmt7ZWaSZX4j/SqxtEZKlBhHexWiG0ldlV1JuCk4iIiEhTMwxiq5yb34a2zjC3Fj/iWueUral64gEKTiIiIiJNrXQvIZQDEJOUbnIx/iNDI07iQQpOIiIiIk2scq+zo16+EUPrGK21aS5pGnESD1JwEhEREWlihdWb3+YYcbQKCzS5Gv/hGnHKKSyjrNJucjXi6xScRERERJrYgV1ZAOwOSMRisZhbjB9pFRZIZHAAhgHb92nUSRpHwUlERESkibmm6hUFJ5lciX+xWCykxzun62XtVnCSxlFwEhEREWli1sLtAJRp89tm55qutzp7n8mViK9TcBIRERFpYkHVm986IrX5bXM75wRnWJ3zXTbF5VUmVyO+zCuC04wZM8jIyCAkJIS+ffuycuXKI577/vvv06tXL2JiYggPD6d79+689tprzVitiIiISP2El+UAYGmVanIl/ufMzkm0iw+n4EAlb36XbXY54sNMD05z585l/PjxTJo0idWrV9OtWzeGDh1Kfn7+Yc+PjY3l3nvvZcWKFaxdu5YxY8YwZswYvvjii2auXERERKQOKsuIqtoLQGh8hrm1+CGb1cINg9oB8NLyzZRXqbueNIzpwWn69OmMHTuWMWPGcPzxx/P8888TFhbGrFmzDnv+qaeeykUXXcRxxx1H+/btue222+jatSvLly9v5spFRERE6qBwBwClRjDRcQkmF+OfLuzRhqSoEPIKy/nwxx1mlyM+ytTgVFFRwapVqxgyZIj7mNVqZciQIaxYsaLW9xuGwcKFC9mwYQMDBw487Dnl5eUUFhbWeIiIiIg0mwJnY4idRhyJUaEmF+OfggNsXDcgE4AXlmzG7jBMrkh8kanBaffu3djtdhITE2scT0xMJDc394jvKygoICIigqCgIM455xyefvppzjjjjMOeO3XqVKKjo92P1FTNLRYREZHmU7V/GwA7jHgSooJNrsZ/Xd4njejQQDbvLuGLn4/8d6bIkZg+Va8hIiMjWbNmDd9//z0PP/ww48ePZ/HixYc9d8KECRQUFLgf27Zta95iRURExK8dyN8CQA7xxIYFmVyN/4oIDmB0v3QAnlu8CcPQqJPUT4CZN4+Pj8dms5GXl1fjeF5eHklJR94gzmq10qFDBwC6d+/Or7/+ytSpUzn11FMPOTc4OJjgYP3XHRERETFHRfXmtwVBiVitFpOr8W9X98/kxWWbWbejgK837uGUY+LNLkl8iKkjTkFBQfTs2ZOFCxe6jzkcDhYuXEi/fv3qfB2Hw0F5eXlTlCgiIiLSOPuda5wOhGrzW7PFhgdxee80AJ5bstHkasTXmD5Vb/z48cycOZNXX32VX3/9lZtuuomSkhLGjBkDwKhRo5gwYYL7/KlTp7JgwQI2b97Mr7/+yrRp03jttde48sorzfoWRERERI4osNjZxa0iQpvfeoOxA9sRYLXw9cY9/LRtv9nliA8xdaoewIgRI9i1axcTJ04kNzeX7t27M3/+fHfDiOzsbKzWP/NdSUkJN998M9u3byc0NJRjjz2W119/nREjRpj1LYiIiIgcnmEQVuZsRGCNUXDyBm1iQrmgexveW72d5xZv4vmreppdkvgIi+FnK+MKCwuJjo6moKCAqKgos8sRERGRlqx4FzzWAYdhYUb/b7j1zOPNrkiAP/KKOOPxpVgssOCOQXRIiDC7JDFJfbKB6VP1RERERFqsAmc333xiaB2jP869xTGJkZxxfCKGAS8s2WR2OeIjFJxEREREmkr15rfaw8n73HRqewA+XLODnfsPmFyN+AIFJxEREZGmUj3itNOIIyEyxORi5GAnprXipHaxVNoNXl6+xexyxAcoOImIiIg0Ecd+Z3DSiJN3uulU576gb67MZl9JhcnViLdTcBIRERFpIhV7nJvf5hhxxIUrOHmbgcfEc3xyFKUVdl5dkWV2OeLlFJxEREREmohrxKk4NBmb1WJyNfJXFovFvdZp9jdZlFZUmVyReDMFJxEREZEmElBUvflteBuTK5EjOfuEZNLjwthfWslbK7eZXY54MQUnERERkaZQeYCg8j3O51Ha/NZb2awWbhjoHHV6adlmKqocJlck3krBSURERKQpFDhHm4qNECJi4k0uRo5m+IltaB0ZzM6CMj5as8PscsRLKTiJiIiINIWDW5FHqRW5NwsJtHHdKZkAPL9kEw6HYXJF4o0UnERERESagja/9SlX9E0jMiSATbtKWPBrntnliBdScBIRERFpCu4Rp3gStfmt14sMCWRUv3QAnl28CcPQqJPUpOAkIiIi0hTcI05xGnHyEWP6ZxIcYOWnbftZsXmP2eWIl1FwEhEREWkCxv6DRpy0xsknxEcEM6J3KgDPLd5kcjXibRScRERERJqA3RWciCcuPMjkaqSuxg5oh81qYdkfu1m/o8DscsSLKDiJiIiIeJrDgbXQ2da6NDSZAJv+5PIVqbFhnNc1GdCok9Sk32IRERERTyvZhdVRgd2wYI1KNrsaqacbT3VuiDtvfQ5bdpeYXI14CwUnEREREU+rbgyRRyviosJNLkbq69ikKE4/NgHDgBeXatRJnBScRERERDytuhX5DiOeBLUi90k3VY86vbdqB3mFZSZXI95AwUlERETE0w7ew0mtyH1Sr4xYeme0osLu4OXlW8wuR7yAgpOIiIiIp1VP1dtpxNFarch91s2ndgBgzrdbKSitNLkaMZuCk4iIiIinuTe/jScxUiNOvurUTq05NimSkgo7r32bZXY5YjIFJxERERFPO3iNk0acfJbFYnGvdXrl6ywOVNhNrkjMpOAkIiIi4mGGa/NbI44EjTj5tHNOSCY1NpQ9JRW8/cM2s8sREyk4iYiIiHhSRQmWA3sBZ3OI1gpOPi3AZuX6gc5RpxeXbqbS7jC5IjGLgpOIiIiIJxXsAKDQCCUoPIZAm/7c8nWX9mxLfEQQO/Yf4NO1O80uR0yi32QRERERTzpofZNGm1qGkEAbY/pnAvDc4k04HIbJFYkZFJxEREREPMndijyeRDWGaDGu6pdOZHAAv+cV89Vv+WaXIyZQcBIRERHxpAI1hmiJokIC+dtJ6QA8u3gjhqFRJ3+j4CQiIiLiSRpxarGu6Z9BUICV1dn7+T5rn9nlSDNTcBIRERHxpIM2v02I0ohTS5IQFcIlPdsCzlEn8S8KTiIiIiKe5G4Ooal6LdENA9thtcDiDbv4ZWeh2eVIM1JwEhEREfEUh8PdjnynEU+Cpuq1OOlx4ZzTNQWA55dsMrkaaU4KTiIiIiKeUpwHjkqqDCv5xGjEqYW6cVA7AD5du5PsPaUmVyPNRcFJRERExFP2bwUgl1js2LSPUwvVOSWaUzu1xmHAC0s16uQvFJxEREREPOWbpwH41ZFOq7BAggNsJhckTeWmQe0BeGfVdvKLykyuRpqDgpOIiIiIJ2z4HH77FIclgP9UXUZCpNY3tWR9MmM5MS2GiioHr3ydZXY50gwUnEREREQaq6IE5t0FwO/tR/O7kapW5C2cxWLhplM7APD6iq0UllWaXJE0NQUnERERkcZa8igUZEN0GkuSxgBoxMkPnH5sAh0TIygqr+L1b7eaXY40MQUnERERkcbI+wVWPON8fvZ/yCl1/nmlEaeWz2q1cGP1WqdZy7Moq7SbXJE0JQUnERERkYZyOODTO8BRBceeC52GuRsFJKqjnl84r1sKbWJC2V1czjurtptdjjQhBScRERGRhlrzOmz7FoIi4KxHAMgrLAfQ5rd+ItBmZeyATABeXrYZu8MwuSJpKgpOIiIiIg1RshsWTHQ+H/xPiG4L8OeIk6bq+Y3LeqcSHRpI1p5Svvw1z+xypIkoOImIiIg0xIKJcGAfJJ4AfW4AwDCMP0ec1BzCb4QFBXDlSWkAzFy62eRqpKkoOImIiIjUV9ZyWDMHsMB5T4AtAIDCA1VUVDkAaK01Tn5ldL8MgmxWfti6j9XZ+8wuR5qAgpOIiIhIfVRVwKfjnc97jYG2vdwvuabpRYcGEhJoM6M6MUlCVAgXdE8B4KVlGnVqiRScREREROpjxdOwewOEt4bTJ9Z8afMeABI02uSXxg5sB8D89blk7yk1uRrxNAUnERERkbrau8W52S3A0CkQ2sr90qIN+TzwyS+As0W1+J+OiZEM6tgahwGzvt5idjniYQpOIiIiInVhGDDv/6CqDDIHwgmXul/6MXsfN7++miqHwYXdU7hlcAcTCxUzXV896jT3+23sL60wuRrxJAUnERERkbr49WPYuABsQXDOdLBYANiYX8w1s7/nQKWdgR1b8+gl3bBaLSYXK2Y5uX0cxyVHcaDSzpzvss0uRzxIwUlERESkNuVF8Pndzuen3AHxxwCQU3CAUS9/x77SSrq1jea5v51IUID+vPJnFouF6wc6N8Sd/U0W5VV2kysST9FvtoiIiEhtFk2BohxolQmnODvqFZRWMnrWSnYWlNEuPpxZV/cmPDjA5ELFG5zbNYWkqBB2FZXz0ZqdZpcjHqLgJCIiInI0O9fAd887n58zDQJDKKu0c+2r3/N7XjGJUcG8ek0f4iLUSU+cAm1WxvTPAJytyQ3DMLcg8QgFJxEREZEjcdjh0zvAcECXi6HD6VTZHdzyxmp+2LqPyJAAXr2mD6mxYWZXKl5mZN80IoID+D2vmCW/7zK7HPEABScRERGRI/lhFuxcDcFRMHQKhmHwzw/W8eWv+QQFWHl5dG+OTYoyu0rxQlEhgYzonQrATG2I2yIoOImIiIgcTlEeLHzA+fz0iRCZxGP/28DbP2zHaoGnR/agT2asuTWKVxvTPwOb1cLXG/fw884Cs8uRRlJwEhERETmcL/4J5YWQ0gN6XcMrX29hxqJNAEy56ASGdk4yuUDxdm1bhXHOCckAvLRMG+L6OgUnERERkb/a9BWsfxcsVjj3CT5el8cDn/4CwJ1nduTyPmkmFyi+YuwA54a4n/y0k5yCAyZXI42h4CQiIiJysMoy+Owfzud9bmBZSRv+8fYaDANG90tn3OAO5tYnPuWEttGc1C6WKofB7K+zzC5HGkHBSURERORgyx+HvZshMpn1ncZx42urqLQbnNM1mYnndcZisZhdofgY16jTG99lU1RWaXI10lAKTiIiIiIuuzfC8ukA5PWfzOg5v1FSYad/hzimX9YNm1WhSepvcKcE2rcOp6i8irnfbzO7HGkgBScRERERAMOAz8aDvYLyjNO5eHE8e0oq6NImiuev7ElwgM3sCsVHWa0WrqsedXrl6yyq7A6TK5KGUHASERERAVj3LmxZghEQwg17Lmf7/jLS48J45eo+RIYEml2d+LiLerQhPiKIHfsPMG99rtnlSAMoOImIiIgc2AdfTADgrdDLWbwrnPiIYP57TR9aRwabXJy0BCGBNkb1ywBg5tLNGIZhbkFSbwpOIiIiIgsfhJJd5ASmM3HXaUQEBzB7TG/S48LNrkxakCtPSick0Mq6HQV8t2Wv2eVIPSk4iYiIiH/b/gPGD7MAuL14FBZbEC+O6kmXNtEmFyYtTWx4EJf0bAs4R53Etyg4iYiIiP+yV8Ent2PB4F37QFZyHE9c3p2T28ebXZm0UNee0g6LBRb+ls/G/CKzy5F6UHASERER/7XyBchbx34jnCmVV/DABV04+4Rks6uSFiwzPpwzjksE4OXlW0yuRupDwUlERET8U8F2qr58CICpVVdw5ek9ueqkdJOLEn9w/UBna/L3Vu9gV1G5ydVIXSk4iYiIiF/a8954Auyl/ODoSEDPq7hjyDFmlyR+omd6K7qnxlBR5eC1b7eaXY7UkYKTiIiI+J2tK94jLvsLqgwr89Lu4oELu2KxWMwuS/yExWJxjzq9tiKLAxV2kyuSuvCK4DRjxgwyMjIICQmhb9++rFy58ojnzpw5kwEDBtCqVStatWrFkCFDjnq+iIiIyMG25e4m8Iu7AfgsYjh3jR6OzarQJM1raOckUmND2VdayXurt5tdjtSB6cFp7ty5jB8/nkmTJrF69Wq6devG0KFDyc/PP+z5ixcvZuTIkSxatIgVK1aQmprKmWeeyY4dO5q5chEREfE1u4rKWfLyXaSwizxLa069fhohgTazyxI/ZLNauLZ/JuBsEmF3aENcb2cxTN62uG/fvvTu3ZtnnnkGAIfDQWpqKrfeeiv33HNPre+32+20atWKZ555hlGjRtV6fmFhIdHR0RQUFBAVFdXo+hvj99VLKMhaY2oNIiIiDWFw8AjNn8+Ng6e7HTKIc9B5h3m/YbFit4VSaQuj0hZGRUAYldYwKgPCqLSG4rAGgGFgAIYBxsHPcX6N++uDn/95bO3qb3m64O8EWuzsv+BVYnpc2LgfhEgjlJRX0W/qQgrLqnjhqp4M7Zxkdkl+pz7ZIKCZajqsiooKVq1axYQJE9zHrFYrQ4YMYcWKFXW6RmlpKZWVlcTGxh729fLycsrL/+xWUlhY2LiiPWjP92/TL+d1s8sQERHxCWVGIMWEUmoEU0IoJYRQYoTU/Gf181IOPh5KSfV77g98lUCrnZJ2wxSaxHThwQFceVI6zy7exEvLNis4eTlTg9Pu3bux2+0kJibWOJ6YmMhvv/1Wp2vcfffdpKSkMGTIkMO+PnXqVCZPntzoWpuCLeFY1uw/yewyRERE6sWCcdjnRzqHv0xuOdJ7rNgJdpQRYhwgxHGAEOMAwY5SAnAunA+xVBJC5WFGsurHERBG+PmPNe4iIh5y9ckZzFy2me+z9vFj9j56pLUyuyQ5AlODU2P9+9//5q233mLx4sWEhIQc9pwJEyYwfvx499eFhYWkpqY2V4lH1eeiW4FbzS5DRETEu1WVQ0UJlBc5/1lRAhXVz8uLocL1OMzXNd5XDPYKrEMmQ4x3/C0gkhAVwgXd2/Duqu28tGwLM/6m4OStTA1O8fHx2Gw28vLyahzPy8sjKenoQ5WPPfYY//73v/nyyy/p2rXrEc8LDg4mODjYI/WKiIiICQKCnY+ww0/LF/F1Ywe0491V2/l8fQ7Ze0pJiwszuyQ5DFO76gUFBdGzZ08WLlzoPuZwOFi4cCH9+vU74vseffRRHnzwQebPn0+vXr2ao1QRERERkSbRKSmSgR1b4zBg1tdbzC5HjsD0duTjx49n5syZvPrqq/z666/cdNNNlJSUMGbMGABGjRpVo3nEI488wn333cesWbPIyMggNzeX3NxciouLzfoWREREREQa5foBzg1x3/5hG/tLK0yuRg7H9OA0YsQIHnvsMSZOnEj37t1Zs2YN8+fPdzeMyM7OJicnx33+c889R0VFBZdccgnJycnux2OPaZGniIiIiPim/h3iOC45itIKO3O+yza7HDkM0/dxam7etI+TiIiIiIjL+6u3M/7tn0iIDGbZ3YMJDtDmzE2tPtnA9BEnERERERGBc7umkBQVQn5ROR+v2Wl2OfIXCk4iIiIiIl4gKMDK1f0zAHhp2Rb8bGKY11NwEhERERHxEiP7pBEeZGNDXhFL/9htdjlyEAUnEREREREvER0ayIjeaQDMXLrZ5GrkYApOIiIiIiJeZEz/DGxWC8s37uaXnYVmlyPVFJxERERERLxIamwYZ5+QDMBLyzTq5C0UnEREREREvMzYAZkAfPzTTnIKDphcjYCCk4iIiIiI1+naNoa+mbFUOQxmf5NldjmCgpOIiIiIiFcaO6AdAG98l01xeZXJ1YiCk4iIiIiIFzrt2ATatQ6nqKyKud9vM7scv6fgJCIiIiLihaxWi3vUadbyLVTZHSZX5N8UnEREREREvNRFPdoQFx7Ejv0H+Hx9rtnl+DUFJxERERERLxUSaGNUvwwAXly6GcMwzC3Ijyk4iYiIiIh4sStPSiM4wMq6HQV8t2Wv2eX4LQUnEREREREvFhcRzCU92wJwz3tr+W7zHpMr8k8KTiIiIiIiXu6mU9vTOjKYrD2ljHjxW+5+dy37SyvMLsuvKDiJiIiIiHi5tq3C+PKOQYzskwrA3B+2MWT6Ej5as0PrnpqJgpOIiIiIiA+IDgtk6vCuvHNjP45JiGB3cQW3vbWGUbNWsnVPidnltXgKTiIiIiIiPqR3Riyf/X0A/zijI0EBVpb9sZszH1/Ks4s3Uqm9npqMgpOIiIiIiI8JCrBy6+nHMP+2AZzcPo7yKgePzt/AeU8vZ3X2PrPLa5EUnEREREREfFS71hHMua4v0y7tRquwQH7LLeLi577hXx+uo7Cs0uzyWhQFJxERERERH2axWLi4Z1sW/uNULunZFsOA17/NZsi0Jcxbl6PmER6i4CQiIiIi0gLEhgfx2KXdeGNsXzLjw8kvKufmOau59tUf2L6v1OzyfJ6Ck4iIiIhIC3Jy+3g+v20Afz+tA4E2C1/9ls+Zjy/lpWWbqVLziAZTcBIRERERaWFCAm2MP7MTn982gD4ZsZRW2Hnos1+58NmvWbe9wOzyfJKCk4iIiIhIC9UhIZK3rj+Jfw8/gaiQANbvKOSCGcuZ/MnPFJdXmV2eT1FwEhERERFpwaxWC5f3SWPhP07lgu4pOAx45esszpi+hAW/5Jldns9QcBIRERER8QOtI4N58vIe/PeaPqTFhpFTUMbY//7Aja+tIregzOzyvJ6Ck4iIiIiIHxnYsTVf3D6Qm05tT4DVwvyfcxkyfQmvfpOF3aHW5UdiMfyssXthYSHR0dEUFBQQFRVldjkiIiIiIqb5LbeQCe+v48fs/QB0S43hX+ccR8+0VlitFnOLawb1yQYKTiIiIiIifszhMJizMptHP/+NouqGEYlRwQztnMSwzkn0yYwlwNYyJ6opOB2FgpOIiIiIyKHyCst47IsNfL4+t0bHvZiwQIYcl8iwzkmcckw8IYE2E6v0LAWno1BwEhERERE5svIqO99s3MP89bks+DWPvSUV7tfCg2ycemwCQzsnMbhTayJDAk2stPEUnI5CwUlEREREpG6q7A5+2LqP+etz+eLnXHIO6r4XZLNyyjHxDOucxJDjE4kNDzKx0oZRcDoKBScRERERkfozDIO12wv44udc5q/PZfPuEvdrVgv0zYxjaOdEhnZJIjk61MRK607B6SgUnEREREREGscwDDbmFzN/fS7zf87l552FNV7vlhrDsM5JDO2cSLvWESZVWTsFp6NQcBIRERER8axte0v54mfndL4ftu7j4ITRMTHCGaK6JHF8chQWi/e0OVdwOgoFJxERERGRppNfVMaCX/KYvz6XFZv2UHXQprqpsaEMPT6JYV2SONEL9opScDoKBScRERERkeZRUFrJVxucIWrJ77soq3S4X/twXH+6p8aYVxz1ywYBzVSTiIiIiIj4meiwQC7q0ZaLerSltKKKpb/vYv76XH7JKaRrm2izy6sXBScREREREWlyYUEBDOuSzLAuyRiG4VVrnerCanYBIiIiIiLiX3wtNIGCk4iIiIiISK0UnERERERERGqh4CQiIiIiIlILBScREREREZFaKDiJiIiIiIjUQsFJRERERESkFgpOIiIiIiIitVBwEhERERERqYWCk4iIiIiISC0UnERERERERGqh4CQiIiIiIlILBScREREREZFaKDiJiIiIiIjUQsFJRERERESkFgpOIiIiIiIitVBwEhERERERqYWCk4iIiIiISC0CzC6guRmGAUBhYaHJlYiIiIiIiJlcmcCVEY7G74JTUVERAKmpqSZXIiIiIiIi3qCoqIjo6OijnmMx6hKvWhCHw8HOnTuJjIzEYrGYXQ6FhYWkpqaybds2oqKizC5HmoE+c/+kz90/6XP3T/rc/ZM+d99kGAZFRUWkpKRgtR59FZPfjThZrVbatm1rdhmHiIqK0i+Zn9Fn7p/0ufsnfe7+SZ+7f9Ln7ntqG2lyUXMIERERERGRWig4iYiIiIiI1ELByWTBwcFMmjSJ4OBgs0uRZqLP3D/pc/dP+tz9kz53/6TPveXzu+YQIiIiIiIi9aURJxERERERkVooOImIiIiIiNRCwUlERERERKQWCk4iIiIiIiK1UHAy0YwZM8jIyCAkJIS+ffuycuVKs0uSJnT//fdjsVhqPI499lizyxIPW7p0Keeddx4pKSlYLBY+/PDDGq8bhsHEiRNJTk4mNDSUIUOG8Mcff5hTrHhMbZ/71Vdffcjv/7Bhw8wpVjxi6tSp9O7dm8jISBISErjwwgvZsGFDjXPKysoYN24ccXFxREREcPHFF5OXl2dSxeIJdfncTz311EN+32+88UaTKhZPUnAyydy5cxk/fjyTJk1i9erVdOvWjaFDh5Kfn292adKEOnfuTE5OjvuxfPlys0sSDyspKaFbt27MmDHjsK8/+uijPPXUUzz//PN89913hIeHM3ToUMrKypq5UvGk2j53gGHDhtX4/X/zzTebsULxtCVLljBu3Di+/fZbFixYQGVlJWeeeSYlJSXuc+644w4++eQT3nnnHZYsWcLOnTsZPny4iVVLY9XlcwcYO3Zsjd/3Rx991KSKxZPUjtwkffv2pXfv3jzzzDMAOBwOUlNTufXWW7nnnntMrk6awv3338+HH37ImjVrzC5FmonFYuGDDz7gwgsvBJyjTSkpKfzjH//gzjvvBKCgoIDExERmz57N5ZdfbmK14il//dzBOeK0f//+Q0aipOXYtWsXCQkJLFmyhIEDB1JQUEDr1q154403uOSSSwD47bffOO6441ixYgUnnXSSyRWLJ/z1cwfniFP37t154oknzC1OPE4jTiaoqKhg1apVDBkyxH3MarUyZMgQVqxYYWJl0tT++OMPUlJSaNeuHX/729/Izs42uyRpRlu2bCE3N7fG7350dDR9+/bV774fWLx4MQkJCXTq1ImbbrqJPXv2mF2SeFBBQQEAsbGxAKxatYrKysoav+/HHnssaWlp+n1vQf76ubvMmTOH+Ph4unTpwoQJEygtLTWjPPGwALML8Ee7d+/GbreTmJhY43hiYiK//fabSVVJU+vbty+zZ8+mU6dO5OTkMHnyZAYMGMD69euJjIw0uzxpBrm5uQCH/d13vSYt07Bhwxg+fDiZmZls2rSJf/7zn5x11lmsWLECm81mdnnSSA6Hg9tvv53+/fvTpUsXwPn7HhQURExMTI1z9fvechzucwe44oorSE9PJyUlhbVr13L33XezYcMG3n//fROrFU9QcBJpJmeddZb7edeuXenbty/p6em8/fbbXHvttSZWJiJN7eBpmCeccAJdu3alffv2LF68mNNPP93EysQTxo0bx/r167Vu1c8c6XO//vrr3c9POOEEkpOTOf3009m0aRPt27dv7jLFgzRVzwTx8fHYbLZDOuvk5eWRlJRkUlXS3GJiYujYsSMbN240uxRpJq7fb/3uS7t27YiPj9fvfwtwyy238Omnn7Jo0SLatm3rPp6UlERFRQX79++vcb5+31uGI33uh9O3b18A/b63AApOJggKCqJnz54sXLjQfczhcLBw4UL69etnYmXSnIqLi9m0aRPJyclmlyLNJDMzk6SkpBq/+4WFhXz33Xf63fcz27dvZ8+ePfr992GGYXDLLbfwwQcf8NVXX5GZmVnj9Z49exIYGFjj933Dhg1kZ2fr992H1fa5H46rKZR+332fpuqZZPz48YwePZpevXrRp08fnnjiCUpKShgzZozZpUkTufPOOznvvPNIT09n586dTJo0CZvNxsiRI80uTTyouLi4xn9V3LJlC2vWrCE2Npa0tDRuv/12HnroIY455hgyMzO57777SElJqdGBTXzP0T732NhYJk+ezMUXX0xSUhKbNm3irrvuokOHDgwdOtTEqqUxxo0bxxtvvMFHH31EZGSke91SdHQ0oaGhREdHc+211zJ+/HhiY2OJiori1ltvpV+/fuqo58Nq+9w3bdrEG2+8wdlnn01cXBxr167ljjvuYODAgXTt2tXk6qXRDDHN008/baSlpRlBQUFGnz59jG+//dbskqQJjRgxwkhOTjaCgoKMNm3aGCNGjDA2btxodlniYYsWLTKAQx6jR482DMMwHA6Hcd999xmJiYlGcHCwcfrppxsbNmwwt2hptKN97qWlpcaZZ55ptG7d2ggMDDTS09ONsWPHGrm5uWaXLY1wuM8bMF555RX3OQcOHDBuvvlmo1WrVkZYWJhx0UUXGTk5OeYVLY1W2+eenZ1tDBw40IiNjTWCg4ONDh06GP/3f/9nFBQUmFu4eIT2cRIREREREamF1jiJiIiIiIjUQsFJRERERESkFgpOIiIiIiIitVBwEhERERERqYWCk4iIiIiISC0UnERERERERGqh4CQiIiIiIlILBScREREREZFaKDiJiIjprr76ai688ELT7n/VVVcxZcoU99cZGRk88cQTR32PxWLhww8/9Mj9f/nlF9q2bUtJSYlHriciIp4XYHYBIiLSslkslqO+PmnSJJ588kkMw2imimr66aefmDdvHs8991y93peTk0OrVq08UsPxxx/PSSedxPTp07nvvvs8ck0REfEsBScREWlSOTk57udz585l4sSJbNiwwX0sIiKCiIgIM0oD4Omnn+bSSy+tdw1JSUkerWPMmDGMHTuWCRMmEBCg/3sWEfE2mqonIiJNKikpyf2Ijo7GYrHUOBYREXHIVL1TTz2VW2+9ldtvv51WrVqRmJjIzJkzKSkpYcyYMURGRtKhQwc+//zzGvdav349Z511FhERESQmJnLVVVexe/fuI9Zmt9t59913Oe+88w55raioiJEjRxIeHk6bNm2YMWNGjdcPnqqXlZWFxWLh/fffZ/DgwYSFhdGtWzdWrFjhPn/r1q2cd955tGrVivDwcDp37sy8efPcr59xxhns3buXJUuW1OfHKyIizUTBSUREvNKrr75KfHw8K1eu5NZbb+Wmm27i0ksv5eSTT2b16tWceeaZXHXVVZSWlgKwf/9+TjvtNHr06MEPP/zA/PnzycvL47LLLjviPdauXUtBQQG9evU65LX//Oc/dOvWjR9//JF77rmH2267jQULFhy15nvvvZc777yTNWvW0LFjR0aOHElVVRUA48aNo7y8nKVLl7Ju3ToeeeSRGqNcQUFBdO/enWXLlv1/e3cPkmobx3H814kIqSFIi4QooiwJOykNhdDUG0RTU0NDYBAIJdhQEUXgEA019DYEDUFFBO1OLglBEWFFYNmL0NLgFAmCPc9weAKPneOhU+dIz/cDN3jfFxf/P/ciPy69rre8LgDAB+O3AACArPT161dNTk5KksbHxzU7Oyuj0ajBwUFJ0tTUlFZXVxUKhdTc3KylpSXZ7faUTR7W19dVXl6ucDgsi8WSVuPu7k65ubkqKSlJG3M6nRobG5MkWSwWBYNBLSwsqL29/Yc9j46Oqru7W5I0MzOj+vp6XV1dqa6uTtFoVL29vbLZbJKkqqqqtPlms1l3d3e/+ooAAH8QK04AgKzU0NDw8jk3N1fFxcUvoUOSSktLJUkPDw+Svm3yEAgEXv4zVVhYqLq6OklSJBJ5tUY8Hld+fv6rG1i0tLSk3V9cXPxyz2VlZSn9DQ8Py+fzyel0anp6WqFQKG2+wWB4WUEDAGQXghMAICvl5eWl3Ofk5KQ8+y/sPD8/S5IeHx/V09Ojk5OTlOvy8lKtra2v1jAajXp6elIikXj3nr/vz+Vy6fr6Wv39/To9PVVTU5MWFxdT5sdiMZlMpnfpBQDwvghOAIBPweFw6Pz8XJWVlaqurk65CgoKXp3T2Ngo6ds5St87ODhIu7darb/VY3l5uYaGhrS3tyev16u1tbWU8bOzM9nt9t+qAQD4GAQnAMCn4Ha7FYvF1NfXp8PDQ0UiEfn9fg0MDCiZTL46x2QyyeFwaH9/P20sGAxqbm5O4XBYy8vL2t3d1cjIyJv783g88vv9urm50fHxsQKBQEoQu7291f39vdra2t5cAwDwcQhOAIBPwWw2KxgMKplMqqOjQzabTR6PR0VFRfry5cdfdy6XS5ubm2nPvV6vjo6OZLfb5fP5ND8/r87Ozjf3l0wm5Xa7ZbVa1dXVJYvFopWVlZfx7e1tdXR0qKKi4s01AAAfJ+efv3VUOwAAWSAej6u2tlY7OztpG0L8KYlEQjU1Ndra2pLT6fwrPQAAfo4VJwDA/5rBYNDGxsZPD8r9aNFoVBMTE4QmAMhirDgBAAAAQAasOAEAAABABgQnAAAAAMiA4AQAAAAAGRCcAAAAACADghMAAAAAZEBwAgAAAIAMCE4AAAAAkAHBCQAAAAAyIDgBAAAAQAb/AmP0KV5xqlK8AAAAAElFTkSuQmCC", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA1cAAAIjCAYAAADvBuGTAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjYuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8o6BhiAAAACXBIWXMAAA9hAAAPYQGoP6dpAACNFklEQVR4nOzdeVyU5d7H8c8Asi8uyKaoIO57aqi5FomW2Z5aHcvKypaTkafyPCfNskxPmS2mHcvUsrJ9zxZSU3Mpza3U3BBNQFEBAdlm5vljZJJEZWDgZobv+/WaFzf33HPPbyDPw/e5rut3maxWqxURERERERGpEg+jCxAREREREXEHClciIiIiIiJOoHAlIiIiIiLiBApXIiIiIiIiTqBwJSIiIiIi4gQKVyIiIiIiIk6gcCUiIiIiIuIEClciIiIiIiJOoHAlIiIiIiLiBApXIiLiVP/973+JjY3F09OTrl27Gl2OiIhIjVG4EhGpJRYsWIDJZLI/fH19ad26Nffddx8ZGRllrk1JSWHMmDG0bNkSX19fIiIi6N+/P5MnTy73Xmd7tGjRAoDHH38ck8lEZmZmubW1aNGCYcOGnfczfPvttzz88MNcdNFFvPHGGzz99NNV+6E44IYbbsBkMvHII4/U2HueS0pKiv3nPHXq1HKvuemmmzCZTAQGBtZwda7jq6++4vHHHze6DBGRCvEyugARESnriSeeICYmhoKCAlatWsWcOXP46quv2LZtG/7+/uzevZuePXvi5+fHbbfdRosWLUhLS2Pjxo1Mnz6dKVOm0L9/f958880y973jjju48MILufPOO+3nnP1H/Q8//ICHhwevv/463t7eTr33ueTk5PD555/TokUL3nnnHZ555hlMJlONvf+5+Pr68s477/Cf//ynzPm8vDw+/fRTfH19DarMNXz11VfMnj1bAUtEXILClYhILTN06FB69OgB2AJRo0aNmDlzJp9++imjRo3i+eefJzc3l02bNtG8efMyrz18+DAAsbGxxMbGlnnu7rvvJjY2lptvvrnaaj98+DB+fn5OC1ZWq5WCggL8/PzOed2HH36I2Wxm/vz5XHzxxfz4448MGDDgvPfPy8sjICDAKbWezWWXXcZHH33E5s2b6dKli/38p59+SlFREUOGDOGHH36o1hpERKRmaFqgiEgtd/HFFwOwb98+APbs2UPTpk3PCFYAYWFhNVrb6UwmE2+88QZ5eXn26XALFiwAoKSkhCeffJKWLVvi4+NDixYt+Pe//01hYWGZe5ROP/zmm2/o0aMHfn5+vPrqq+d978WLF3PppZcyaNAg2rVrx+LFi8+4pnSq5IoVK7jnnnsICwujadOmAAwcOJCOHTuyZcsWBgwYgL+/P3FxcXzwwQcArFixgvj4ePz8/GjTpg3ff/99hX8uvXv3JiYmhrfffvuMmocMGULDhg3Lfd0rr7xChw4d8PHxISoqinvvvZesrCz78/fddx+BgYHk5+ef8dpRo0YRERGB2Wy2n/v666/p168fAQEBBAUFcfnll/Pbb7+Ved2tt95KYGAgqampDBs2jMDAQJo0acLs2bMB2Lp1KxdffDEBAQE0b978jM8EkJWVxfjx44mOjsbHx4e4uDimT5+OxWKxX1M6ZfLZZ5/lf//7n/2/i549e/Lzzz+Xqaf0vU+fzioiUlspXImI1HJ79uwBoFGjRgA0b96cAwcOVMtox7Fjx8jMzDzjcfofxmfz5ptv0q9fP3x8fHjzzTd588036d+/P2AbgZs0aRIXXHABzz//PAMGDGDatGmMHDnyjPvs3LmTUaNGcemll/LCCy+ctynGoUOHWLZsGaNGjQJsweKDDz6gqKio3Ovvuecefv/9dyZNmsSjjz5qP3/8+HGGDRtGfHw8M2bMwMfHh5EjR7JkyRJGjhzJZZddxjPPPENeXh7XXXcdJ06cOO/PpNSoUaN49913sVqtAGRmZvLtt99y4403lnv9448/zr333ktUVBTPPfcc1157La+++iqDBw+muLgYgBEjRpCXl8eXX35Z5rX5+fl8/vnnXHfddXh6egK2383ll19OYGAg06dP57HHHuP333+nb9++pKSklHm92Wxm6NChREdHM2PGDFq0aMF9993HggULGDJkCD169GD69OkEBQUxevRoe+gvfe8BAwbw1ltvMXr0aF588UUuuugiJk6cSFJS0hmf8+233+a///0vd911F1OnTiUlJYVrrrnG/hnvuusuLr30UvtnKH2IiNRaVhERqRXeeOMNK2D9/vvvrUeOHLEeOHDA+u6771obNWpk9fPzsx48eNBqtVqt27Zts/r5+VkBa9euXa0PPPCA9ZNPPrHm5eWd8/4BAQHWW265pdznJk+ebAXO+bj88svP+xluueUWa0BAQJlzmzZtsgLWO+64o8z5CRMmWAHrDz/8YD/XvHlzK2BdunTped+r1LPPPmv18/Oz5uTkWK1Wq/WPP/6wAtaPP/64zHWlP9++fftaS0pKyjw3YMAAK2B9++237ed27NhhBaweHh7WtWvX2s9/8803VsD6xhtvnLOuffv2WQHrf//7X+u2bdusgHXlypVWq9VqnT17tjUwMNCal5d3xs/s8OHDVm9vb+vgwYOtZrPZfv7ll1+2Atb58+dbrVar1WKxWJs0aWK99tpry7zve++9ZwWsP/74o9VqtVpPnDhhrV+/vnXs2LFlrktPT7eGhISUOX/LLbdYAevTTz9tP3f8+HGrn5+f1WQyWd99990zfj6TJ0+2n3vyySetAQEB1j/++KPMez366KNWT09Pa2pqapmfTaNGjazHjh2zX/fpp59aAevnn39uP3fvvfda9eeKiLgKjVyJiNQyCQkJNG7cmOjoaEaOHElgYCAff/wxTZo0AaBDhw5s2rSJm2++mZSUFF544QWuuuoqwsPDmTdvXpXe+8MPP+S777474xEeHl7pe3711VcAZ4xcPPTQQwBnjLzExMSQmJhY4fsvXryYyy+/nKCgIABatWpF9+7dy50aCDB27Fj7iM7pAgMDy4yktWnThvr169OuXTvi4+Pt50uP9+7dW+EaO3ToQOfOnXnnnXcA24jNlVdeib+//xnXfv/99xQVFTF+/Hg8PP76P9Njx44lODjY/vMymUxcf/31fPXVV+Tm5tqvW7JkCU2aNKFv374AfPfdd2RlZTFq1Kgyo5Genp7Ex8ezbNmyM2q444477Mf169enTZs2BAQEcMMNN5zx8zn95/D+++/Tr18/GjRoUOa9EhISMJvN/Pjjj2XeZ8SIETRo0MD+fb9+/QDHfrYiIrWJGlqIiNQys2fPpnXr1nh5eREeHk6bNm3K/JEN0Lp1a958803MZjO///47X3zxBTNmzODOO+8kJiaGhISESr13//79CQ0NPeN8VTra7d+/Hw8PD+Li4sqcj4iIoH79+uzfv7/M+ZiYmArfe/v27fz666+MHj2a3bt3288PHDiQ2bNnk5OTQ3BwcIXu37Rp0zPW84SEhBAdHX3GObBNI3TEjTfeyHPPPceDDz7ITz/9xL///e9yryv9ebRp06bMeW9vb2JjY8v8vEaMGMGsWbP47LPPuPHGG8nNzeWrr77irrvusn+WXbt2AX+t3fu7v/98fH19ady4cZlzISEhZ/35nP5z2LVrF1u2bDnj9aVKG66UatasWZnvS4OWoz9bEZHaQuFKRKSWufDCC+3dAs/H09OTTp060alTJ3r37s2gQYNYvHhxpcNVdapoI4LzdQY83VtvvQXAgw8+yIMPPnjG8x9++CFjxoyp0P3LG80613nrqfVTFTVq1CgmTpzI2LFjadSoEYMHD3bo9eXp1asXLVq04L333uPGG2/k888/5+TJk4wYMcJ+Tel6uTfffJOIiIgz7uHlVfZPgar8HCwWC5deeikPP/xwude2bt3a4XuKiLgShSsRETdRGsjS0tIMrqSs5s2bY7FY2LVrF+3atbOfz8jIICsrq9yuhxVhtVp5++23GTRoEPfcc88Zzz/55JMsXrz4jHBllGbNmnHRRRexfPlyxo0bd0aoKVX689i5c2eZdvpFRUXs27fvjOB8ww038MILL5CTk8OSJUto0aIFvXr1sj/fsmVLwNZJsrpDd8uWLcnNzXXq+6g7oIi4Eq25EhFxMStXrrR3Uztd6dqmv08nM9pll10GwKxZs8qcnzlzJgCXX355pe67evVqUlJSGDNmDNddd90ZjxEjRrBs2TIOHTpUpfqdaerUqUyePJn777//rNckJCTg7e3Niy++WGYE5/XXXyc7O/uMn9eIESMoLCxk4cKFLF26tMy6KIDExESCg4N5+umny/3v5siRI1X8VH+54YYbWLNmDd98880Zz2VlZVFSUuLwPUv3ITu9Db2ISG2lkSsRERczffp0NmzYwDXXXEPnzp0B2LhxI4sWLaJhw4aMHz/e2AL/pkuXLtxyyy3873//IysriwEDBrB+/XoWLlzIVVddxaBBgyp138WLF+Pp6XnWcDZ8+HD+7//+j3fffbfcNuBGGDBgwHk3N27cuDETJ05kypQpDBkyhOHDh7Nz505eeeUVevbsecYm0BdccAFxcXH83//9H4WFhWWmBIJtTdWcOXP4xz/+wQUXXMDIkSNp3LgxqampfPnll1x00UW8/PLLTvl8//rXv/jss88YNmwYt956K927dycvL4+tW7fywQcfkJKSUu6avnPp3r07AP/85z9JTEzE09Oz3Bb+IiK1gcKViIiL+fe//83bb7/NihUrWLx4Mfn5+URGRjJy5Egee+wxhxpC1JTXXnuN2NhYFixYwMcff0xERAQTJ05k8uTJlbpfcXEx77//Pn369DnrJrwdO3YkJiaGt956q9aEq4p6/PHHady4MS+//DIPPvggDRs25M477+Tpp5+mXr16Z1w/YsQInnrqKeLi4rjgggvOeP7GG28kKiqKZ555hv/+978UFhbSpEkT+vXr59Rpk/7+/qxYsYKnn36a999/n0WLFhEcHEzr1q2ZMmWKvRmII6655hruv/9+3n33Xd566y2sVqvClYjUWiarVo2KiIiIiIhUmdZciYiIiIiIOIHClYiIiIiIiBMoXImIiIiIiDiBwpWIiIiIiIgTKFyJiIiIiIg4gcKViIiIiIiIE2ifq3JYLBYOHTpEUFAQJpPJ6HJERERERMQgVquVEydOEBUVhYfHucemFK7KcejQIaKjo40uQ0REREREaokDBw7QtGnTc16jcFWOoKAgwPYDDA4ONrgaERERERExSk5ODtHR0faMcC4KV+UonQoYHByscCUiIiIiIhVaLqSGFiIiIiIiIk5QK8LV7NmzadGiBb6+vsTHx7N+/fqzXrtgwQJMJlOZh6+vb5lrbr311jOuGTJkSHV/DBERERERqcMMnxa4ZMkSkpKSmDt3LvHx8cyaNYvExER27txJWFhYua8JDg5m586d9u/LG6IbMmQIb7zxhv17Hx8f5xcvIiIiIiJyiuHhaubMmYwdO5YxY8YAMHfuXL788kvmz5/Po48+Wu5rTCYTERER57yvj4/Pea8REREREakKq9VKSUkJZrPZ6FKkkjw9PfHy8nLKFkyGhquioiI2bNjAxIkT7ec8PDxISEhgzZo1Z31dbm4uzZs3x2KxcMEFF/D000/ToUOHMtcsX76csLAwGjRowMUXX8zUqVNp1KhRufcrLCyksLDQ/n1OTk4VP5mIiIiIuLuioiLS0tLIz883uhSpIn9/fyIjI/H29q7SfQwNV5mZmZjNZsLDw8ucDw8PZ8eOHeW+pk2bNsyfP5/OnTuTnZ3Ns88+S58+ffjtt9/sfeeHDBnCNddcQ0xMDHv27OHf//43Q4cOZc2aNXh6ep5xz2nTpjFlyhTnf0ARERERcUsWi4V9+/bh6elJVFQU3t7eThn5kJpltVopKiriyJEj7Nu3j1atWp13o+BzMXxaoKN69+5N79697d/36dOHdu3a8eqrr/Lkk08CMHLkSPvznTp1onPnzrRs2ZLly5dzySWXnHHPiRMnkpSUZP++tJe9iIiIiEh5ioqKsFgsREdH4+/vb3Q5UgV+fn7Uq1eP/fv3U1RUdEazPEcY2i0wNDQUT09PMjIyypzPyMio8HqpevXq0a1bN3bv3n3Wa2JjYwkNDT3rNT4+PvY9rbS3lYiIiIhUVFVGOaT2cNbv0dD/Gry9venevTvJycn2cxaLheTk5DKjU+diNpvZunUrkZGRZ73m4MGDHD169JzXiIiIiIiIVIXhUTspKYl58+axcOFCtm/fzrhx48jLy7N3Dxw9enSZhhdPPPEE3377LXv37mXjxo3cfPPN7N+/nzvuuAOwNbv417/+xdq1a0lJSSE5OZkrr7ySuLg4EhMTDfmMIiIiIiLi/gxfczVixAiOHDnCpEmTSE9Pp2vXrixdutTe5CI1NbXMMN3x48cZO3Ys6enpNGjQgO7du/PTTz/Rvn17wNZKccuWLSxcuJCsrCyioqIYPHgwTz75pPa6EhERERGRamOyWq1Wo4uobXJycggJCSE7O1vrr0RERETkDAUFBezbt4+YmJgqNUAwwq233srChQvPOL9r1y7i4uKqfP8FCxYwfvx4srKyqnyvyvrxxx/573//y4YNG0hLS+Pjjz/mqquuOuv15/p9OpINDJ8WKCIiIiIiNWvIkCGkpaWVecTExBhd1hmKi4sr9bq8vDy6dOnC7NmznVzRuSlciYiIiIg4gdVqJb+oxJCHo5PRfHx8iIiIKPMo3Q/2008/5YILLsDX15fY2FimTJlCSUmJ/bUzZ86kU6dOBAQEEB0dzT333ENubi4Ay5cvZ8yYMWRnZ2MymTCZTDz++OMAmEwmPvnkkzJ11K9fnwULFgCQkpKCyWRiyZIlDBgwAF9fXxYvXgzAa6+9Rrt27fD19aVt27a88sor5/x8Q4cOZerUqVx99dUO/VyqyvA1VyIiIiIi7uBksZn2k74x5L1/fyIRf++q/2m/cuVKRo8ezYsvvki/fv3Ys2cPd955JwCTJ08GbG3LX3zxRWJiYti7dy/33HMPDz/8MK+88gp9+vRh1qxZTJo0iZ07dwIQGBjoUA2PPvoozz33HN26dbMHrEmTJvHyyy/TrVs3fv31V8aOHUtAQAC33HJLlT+zMylciYiIiIjUMV988UWZ0DN06FDef/99pkyZwqOPPmoPLbGxsTz55JM8/PDD9nA1fvx4++tatGjB1KlTufvuu3nllVfw9vYmJCQEk8lU4X1r/278+PFcc8019u8nT57Mc889Zz8XExPD77//zquvvqpwJSIiIiJuIuM3CAiDwMZGV1Ir+NXz5PcnjNn6x6+ep0PXDxo0iDlz5ti/DwgIAGDz5s2sXr2ap556yv6c2WymoKCA/Px8/P39+f7775k2bRo7duwgJyeHkpKSMs9XVY8ePezHeXl57Nmzh9tvv52xY8faz5eUlBASElLl93I2hSsRERERcdy2D+GD2yCiM9y90uhqagWTyeSUqXk1ISAgoNzOgLm5uUyZMqXMyFEpX19fUlJSGDZsGOPGjeOpp56iYcOGrFq1ittvv52ioqJzhiuTyXTG2rDyGlaUBr3SegDmzZtHfHx8metK14jVJq7x2xcRERGR2iNtC3xyr+04fQsc2wcNa1+nOXHcBRdcwM6dO8/akn3Dhg1YLBaee+45+1607733XplrvL29MZvNZ7y2cePGpKWl2b/ftWsX+fn556wnPDycqKgo9u7dy0033eTox6lxClciIiIiUnF5R+Hdm6Dk5F/ndn8PF449+2vEZUyaNIlhw4bRrFkzrrvuOjw8PNi8eTPbtm1j6tSpxMXFUVxczEsvvcQVV1zB6tWrmTt3bpl7tGjRgtzcXJKTk+nSpQv+/v74+/tz8cUX8/LLL9O7d2/MZjOPPPII9erVO29NU6ZM4Z///CchISEMGTKEwsJCfvnlF44fP05SUlK5r8nNzWX37t327/ft28emTZto2LAhzZo1q9oP6RzUil1EREREKsZcDO/fAtmp0CAGLnrAdn7Xd8bWJU6TmJjIF198wbfffkvPnj3p1asXzz//PM2bNwegS5cuzJw5k+nTp9OxY0cWL17MtGnTytyjT58+3H333YwYMYLGjRszY8YMAJ577jmio6Pp168fN954IxMmTKjQGq077riD1157jTfeeINOnToxYMAAFixYcM59uX755Re6detGt27dAEhKSqJbt25MmjSpsj+aCjFZHW2KXwc4sguziIiISJ3x9aOwbg54B8Id34OlBOb2BS8/eCQF6vkaXWGNKSgoYN++fcTExODrW3c+t7s61+/TkWygkSsREREROb9Nb9uCFcDVcyGsHYR3hKBI2xTB/auNrU+kFlC4EhEREZFzO7gBPh9vOx7wCLS7wnZsMkHcJbbj3d8bUppIbaJwJSIiIiJndyIDltwE5kJocxkMeLTs83GX2r5q3ZWIwpWIiIiInEVJIbz3DziRBqFt4OpXweNvfz7GDgSTJxzdBcdTjKhSpNZQuBIRERGR8n39MBxYBz4hMPJt8C1nMb9ffYg+tbmrRq+kjlO4EhEREZEz/fw6bFgAmODa1yC0/E1lAWiVYPuqdVdSxylciYiIiEhZ+3+yjVoBXDIJWg8+9/Wl6672/QjFBdVbm0gtpnAlIiIiIn/JPgjvjbbtYdXhauj74PlfE9EJAiOgOB9Sf6r+GkVqKYUrEREREbEpPgnv3gR5RyC8E1w529Zu/XxMJog7NTVwl6YGSt2lcCUiIiIiYLXa9rJK2wR+DWHkYvAOqPjr7euu1NRC6i6FKxERERGBtXNgy7u2turXL4AGzR17fewg22sz/4Dj+6ulRHGOW2+9FZPJdMZj9+7dTrn/ggULqF+/vlPuVVnTpk2jZ8+eBAUFERYWxlVXXcXOnTur/X0VrkRERETqur3L4dv/2I4Tn4LYAY7f4/SW7Bq9qvWGDBlCWlpamUdMTIzRZZ2huLi4Uq9bsWIF9957L2vXruW7776juLiYwYMHk5eX5+QKy1K4EhEREanLjqfA+7eC1QxdboT4uyt/r1Z1fN2V1QpFecY8rFaHSvXx8SEiIqLMw9PTE4BPP/2UCy64AF9fX2JjY5kyZQolJSX2186cOZNOnToREBBAdHQ099xzD7m5uQAsX76cMWPGkJ2dbR8Re/zxxwEwmUx88sknZeqoX78+CxYsACAlJQWTycSSJUsYMGAAvr6+LF68GIDXXnuNdu3a4evrS9u2bXnllVfO+fmWLl3KrbfeSocOHejSpQsLFiwgNTWVDRs2OPRzcpRXtd5dRERERGqvojxbA4uTxyHqAhj2fMUaWJxN3KWQ/ATsWwElheDl47xaXUFxPjwdZcx7//uQY2vkzmLlypWMHj2aF198kX79+rFnzx7uvPNOACZPngyAh4cHL774IjExMezdu5d77rmHhx9+mFdeeYU+ffowa9YsJk2aZJ+GFxgY6FANjz76KM899xzdunWzB6xJkybx8ssv061bN3799VfGjh1LQEAAt9xyS4XumZ2dDUDDhg0dqsVRGrkSERERqYusVvjkHsjYBgFhMOItqOdbtXue3pJ9/2rn1CnV4osvviAwMND+uP766wGYMmUKjz76KLfccguxsbFceumlPPnkk7z66qv2144fP55BgwbRokULLr74YqZOncp7770HgLe3NyEhIZhMJvuImKPhavz48VxzzTXExMQQGRnJ5MmTee655+znrrnmGh588MEyNZ2LxWJh/PjxXHTRRXTs2NGhWhylkSsRERGRumjVTPj9E/CoByPehJAmVb9naUv2TW/Zpga2vLjq93Ql9fxtI0hGvbcDBg0axJw5c+zfBwTYRr02b97M6tWreeqpp+zPmc1mCgoKyM/Px9/fn++//55p06axY8cOcnJyKCkpKfN8VfXo0cN+nJeXx549e7j99tsZO3as/XxJSQkhISEVut+9997Ltm3bWLVqVZVrOx+FKxEREZG65o9vIflJ2/FlM6BZL+fdu9WpcLX7O+Bp593XFZhMTpmaVxMCAgKIi4s743xubi5TpkzhmmuuOeM5X19fUlJSGDZsGOPGjeOpp56iYcOGrFq1ittvv52ioqJzhiuTyYT1b2vDymtYURr0SusBmDdvHvHx8WWuK10jdi733XcfX3zxBT/++CNNmzY97/VVpXAlIiIiUpdk7oYP7wCs0H0M9LjNuff/e0t2R1u6i6EuuOACdu7cWW7wAtiwYQMWi4XnnnsODw/bCqPSKYGlvL29MZvNZ7y2cePGpKWl2b/ftWsX+fn556wnPDycqKgo9u7dy0033VThz2G1Wrn//vv5+OOPWb58eY11QlS4EhEREakrCnLg3VFQmA3RvWDoDOe/h199iL4QUtfYRq963uH895BqM2nSJIYNG0azZs247rrr8PDwYPPmzWzbto2pU6cSFxdHcXExL730EldccQWrV69m7ty5Ze7RokULcnNzSU5OpkuXLvj7++Pv78/FF1/Myy+/TO/evTGbzTzyyCPUq1fvvDVNmTKFf/7zn4SEhDBkyBAKCwv55ZdfOH78OElJSeW+5t577+Xtt9/m008/JSgoiPT0dABCQkLw8/Or+g/qLNTQQkRERKQusFjgozttI0pBUXDDIvDyrp73iqvjLdldWGJiIl988QXffvstPXv2pFevXjz//PM0b24bgezSpQszZ85k+vTpdOzYkcWLFzNt2rQy9+jTpw933303I0aMoHHjxsyYYQvxzz33HNHR0fTr148bb7yRCRMmVGiN1h133MFrr73GG2+8QadOnRgwYAALFiw452jUnDlzyM7OZuDAgURGRtofS5YsqcJP5/xM1r9PfBRycnIICQkhOzub4OBgo8sRERERqbofnoIfZ4CnD9z2NTTpXn3vlbYZXu0P9QLgkX1u2ZK9oKCAffv2ERMTg69vFbssiuHO9ft0JBto5EpERETE3f3+mS1YAVzxQvUGK4CIzhAYDsV5sP+n6n0vkVpE4UpERETEnWX8Dh/fbTvudQ90HVX971nakh1gt6YGSt2hcCUiIiLirvKP2RpYFOdBTH+49Mmae2/7uqvvau49RQymcCUiIiLijswl8OHtcDwF6jeD6xaAZw02im45CEwekLkTslJr7n1FDKRwJSIiIuKOkqfAnh+gnj+MfBsCGtXs+/s1gKYX2o7dePRKveHcg7N+jwpXIiIiIu5m/xr46UXb8ZWzIaKTMXW0ct91V6X7M51vE1xxDaW/x4rsu3Uu2kRYRERExN0c2mj72noodLzGuDpaDYYfpsLeFVBS6FYt2T09Palfvz6HDx8GwN/fH5PJZHBV4iir1Up+fj6HDx+mfv36eHp6Vul+ClciIiIi7ibX9gc/DZobW0dpS/bcDEhdA7EDja3HySIiIgDsAUtcV/369e2/z6pQuBIRERFxN3lHbF8Dw4yto7Ql+6bFtnVXbhauTCYTkZGRhIWFUVxcbHQ5Ukn16tWr8ohVKYUrEREREXdTOnIVYHC4gr/C1e7vIfEpo6upFp6enk7741xcmxpaiIiIiLib3AzbV6NHruCvluxHdkDWAaOrEalWtSJczZ49mxYtWuDr60t8fDzr168/67ULFizAZDKVefj6+pa5xmq1MmnSJCIjI/Hz8yMhIYFdu3ZV98cQERERqR1KpwUGNDa2Dijbkn23+7ZkF4FaEK6WLFlCUlISkydPZuPGjXTp0oXExMRzLgwMDg4mLS3N/ti/f3+Z52fMmMGLL77I3LlzWbduHQEBASQmJlJQUFDdH0dERETEWBZL7VlzVaq0Jfsu92vJLnI6w8PVzJkzGTt2LGPGjKF9+/bMnTsXf39/5s+ff9bXmEwmIiIi7I/w8HD7c1arlVmzZvGf//yHK6+8ks6dO7No0SIOHTrEJ598UgOfSERERMRABVlgKbEd14aRK4C4S21f9y63tWQXcVOGhquioiI2bNhAQkKC/ZyHhwcJCQmsWbPmrK/Lzc2lefPmREdHc+WVV/Lbb7/Zn9u3bx/p6ell7hkSEkJ8fPxZ71lYWEhOTk6Zh4iIiIhLKm1m4Vu/9uwrFdHZ1lyjOM/Wkl3ETRkarjIzMzGbzWVGngDCw8NJT08v9zVt2rRh/vz5fPrpp7z11ltYLBb69OnDwYMHAeyvc+Se06ZNIyQkxP6Ijo6u6kcTERERMUZtamZRysPD1jUQbC3ZRdyU4dMCHdW7d29Gjx5N165dGTBgAB999BGNGzfm1VdfrfQ9J06cSHZ2tv1x4IA62YiIiIiLsjezqEXhCv5ad7Vb667EfRkarkJDQ/H09CQjI6PM+YyMjArvkFyvXj26devG7t27gb92ynbknj4+PgQHB5d5iIiIiLik0mmBgbVkvVWpWLVkF/dnaLjy9vame/fuJCcn289ZLBaSk5Pp3bt3he5hNpvZunUrkZGRAMTExBAREVHmnjk5Oaxbt67C9xQRERFxWXml4Sr83NfVNP+G0LSn7Vgt2cVNGT4tMCkpiXnz5rFw4UK2b9/OuHHjyMvLY8yYMQCMHj2aiRMn2q9/4okn+Pbbb9m7dy8bN27k5ptvZv/+/dxxxx2ArZPg+PHjmTp1Kp999hlbt25l9OjRREVFcdVVVxnxEUVERERqTm4t2uPq70q7Bqolu7gpL6MLGDFiBEeOHGHSpEmkp6fTtWtXli5dam9IkZqaiofHXxnw+PHjjB07lvT0dBo0aED37t356aefaN++vf2ahx9+mLy8PO68806ysrLo27cvS5cuPWOzYRERERG3UxsbWpRqlQDLpsK+FVBSBF7eRlck4lQmq9VqNbqI2iYnJ4eQkBCys7O1/kpERERcy6v9IW0zjFoCbYYYXU1ZFgs819rWdGP0ZxA7wOiKRM7LkWxg+LRAEREREXGi0mmBta2hBZRtya51V+KGFK5ERERE3IXV+lcr9trW0KJUK627EvelcCUiIiLiLk4eB0ux7bg2NrSA01qyb4fsg0ZXI+JUClciIiIi7qJ0jyvfEPDyMbaWszm9JfsuTQ0U96JwJSIiIuIuSve4CqiFnQJPV9qSfbemBop7UbgSERERcRelI1e1sQ376Vqdamqxd7mtJbuIm1C4EhEREXEX9mYWtTxcRXSxrQkryoUDa42uRsRpFK5ERERE3EWui0wLPL0lu9ZdiRtRuBIRERFxF/ZpgbW0U+Dp7Ptdad2VuA+FKxERERF34SoNLQBaXmxryX74d7VkF7ehcCUiIiLiLlyloQXYWrI36WE71uiVuAmFKxERERF34SoNLUq1OtWSXeuuxE0oXImIiIi4A6vVdRpalIpTS3ZxLwpXIiIiIu7g5HGwFNuOA1ygoQVAZFe1ZBe3onAlIiIi4g5KpwT6hEA9X2NrqSgPD2h5ie1YUwPFDShciYiIiLgDV2rDfrrSdVdqaiFuQOFKRERExB2UtmEPDDe2DkepJbu4EYUrEREREXeQe2paoKustyrl3xCadLcda/RKXJzClYiIiIg7yM2wfXWVNuynazXY9lXrrsTFKVyJiIiIuIM8F2vDfjp7S/YVaskuLk3hSkRERMQdlE4LdLWGFnBaS/YTcGCd0dWIVJrClYiIiIg7cNWGFlC2JftuTQ0U16VwJSIiIuIO7A0tXHBaIPzVkn2XmlqI61K4EhEREXF1VutpI1cuOC0QTmvJ/htk/2l0NSKVonAlIiIi4uoKssB8qhGEq45cqSW7uAGFKxERERFXVzol0CcY6vkaW0tVxJ2aGqh1V+KiFK5EREREXJ19SqCLjlqVanVaS3ZzsbG1iFSCwpWIiIiIq8t14T2uThfZDfxDoTCn5lqyW622JhrbP6+Z9xO3pnAlIiIi4upyXbyZRSkPD4g71ZJ9VzVPDbRYbIHq1f6w+FpYcjPsWVa97yluT+FKRERExNXlucnIFZy27qqamlpYzLDtI5h7kS1QpW/567m1c6rnPaXOULgSERERcXW5brLmCmwt2TFBxjbntmQ3l8CW9+CV3vDBGDj8O3gHQb8JcPv3tvfc9Q0c3eO895Q6R+FKRERExNXlneoW6A7hKqCRc1uym0tg09sw+0L4aCxk7gTfEBg4ER7cCpc8BtE9oXWi7fp1r1b9PaXOUrgSERERcXXu0tCiVCsntGQvKYKNi+Dl7vDJODi2B/wawMWPwfitMPBR2/el4u+2fd20GAqyK/++Uqd5GV2AiIiIiFSRO41cgW3d1fJpf7Vk96xX8deWFMKvb8Gq5yH7gO2cfyj0uR963g4+QeW/LnYgNG4HR7bbXt/73ip/DKl7NHIlIiIi4sqsVsjNsB0HuHi3wFJR3cC/kWMt2YtP2qb0vdAVvkyyBavAcBj8FIzfAn3Hnz1YAZhM0OvU6NW6V22NL0QcpHAlIiIi4soKssFcZDt2l5ErDw+IO7Wh8Plashflw5rZ8EIX+PphOHEIgqJg6Ax4YDP0uQ+8Ayr2vp1usE0VzNoPO7+u2meQOknhSkRERMSVlU4J9AmGen7G1uJM52vJXpgLq2bBC53hm3/bRu9CouHymfDAJoi/y/Gfh7c/dL/VdrxubiULl7pMa65EREREXJm9mYWbTAksdXpL9pxDEBxlO1+QA+v/ZxutOnnMdq5+c+j3EHQZBV7eVXvfnmNh9YuQshLStkBk56rdT+oUjVyJiIiIuLI8N9rj6nR/b8l+8jgsfwZmdYQfnrQFq4Yt4ao5cP8G6H5L1YMVQEgTaH+l7Vht2cVBClciIiIirsxdR67gr5bsK2fCrM62DoIF2RDaGq6ZB/euh643OtZNsCJ6jbN93fo+5B5x7r3FrSlciYiIiLiyXDcduYK/1l0d32frHBjWHq57A+5ZC51vAM9qWuHStKdt1MxcCBveqJ73ELekcCUiIiLiyuzTAsONraM6RHWzTdGL7gUj3oK7V0PHa8DDs3rf12SC+FOjVz+/ZtuQWKQC1NBCRERExJWVTltzx2mBHh5wwyJj3rv9lfDdY3AiDX7/xDZSJnIetWLkavbs2bRo0QJfX1/i4+NZv359hV737rvvYjKZuOqqq8qcv/XWWzGZTGUeQ4YMqYbKRURERAzmrg0tjOblDT1vtx2vfcW2WbPIeRgerpYsWUJSUhKTJ09m48aNdOnShcTERA4fPnzO16WkpDBhwgT69etX7vNDhgwhLS3N/njnnXeqo3wRERERY9kbWihcOV33MeDpA4d+hQMV+3/+S91meLiaOXMmY8eOZcyYMbRv3565c+fi7+/P/Pnzz/oas9nMTTfdxJQpU4iNjS33Gh8fHyIiIuyPBg0aVNdHEBERETGG1XpaQws3nBZotIDQv6YDrn3F2FrEJRgaroqKitiwYQMJCQn2cx4eHiQkJLBmzZqzvu6JJ54gLCyM22+//azXLF++nLCwMNq0acO4ceM4evToWa8tLCwkJyenzENERESk1ivMsXW0A41cVZfStuzbP4fsg8bWIrWeoeEqMzMTs9lMeHjZ7jbh4eGkp6eX+5pVq1bx+uuvM2/evLPed8iQISxatIjk5GSmT5/OihUrGDp0KGazudzrp02bRkhIiP0RHR1d+Q8lIiIiUlNKm1l4B4G3v7G1uKvwDtCiH1jNsP7sf3+KQC2YFuiIEydO8I9//IN58+YRGhp61utGjhzJ8OHD6dSpE1dddRVffPEFP//8M8uXLy/3+okTJ5KdnW1/HDhwoJo+gYiIiIgT5WlKYI3odY/t64YFUJRnaClSuxnaij00NBRPT08yMjLKnM/IyCAiIuKM6/fs2UNKSgpXXHGF/ZzFYgHAy8uLnTt30rJlyzNeFxsbS2hoKLt37+aSSy4543kfHx98fHyq+nFEREREalbuqb+hNCWwerVOhAYt4HgKbFkCPW4zuiKppQwdufL29qZ79+4kJyfbz1ksFpKTk+ndu/cZ17dt25atW7eyadMm+2P48OEMGjSITZs2nXU638GDBzl69CiRkZHV9llEREREalzptECNXFUvD0+48C7b8dq5assuZ2X4JsJJSUnccsst9OjRgwsvvJBZs2aRl5fHmDFjABg9ejRNmjRh2rRp+Pr60rFjxzKvr1+/PoD9fG5uLlOmTOHaa68lIiKCPXv28PDDDxMXF0diYmKNfjYRERGRamWfFhh+7uuk6rrdDMuehsydsOcHiDtzNpSI4eFqxIgRHDlyhEmTJpGenk7Xrl1ZunSpvclFamoqHh4VH2Dz9PRky5YtLFy4kKysLKKiohg8eDBPPvmkpv6JiIiIe9EeVzXHNxi63QTr5toeCldSDpPVqnHNv8vJySEkJITs7GyCg4ONLkdERESkfO+Mgp1fwbDntQ6oJhzdAy91B6xw3y8Q2sroiqQGOJINXKpboIiIiIicRg0talajltB6iO143avG1iK1ksKViIiIiKuyN7RQuKoxve62fd30NpzMMrQUqX0UrkRERERckdV6WkMLhasaEzMAwtpDcR78+qbR1Ugto3AlIiIi4ooKT0BJge1Y0wJrjskE8adGr9b/DyxmY+uRWkXhSkRERMQV5Z2aEugdCN7+xtZS13S+AfwaQlaqraGIyCkKVyIiIiKuyN7MQhsI17h6ftDDticra+cYW4vUKgpXIiIiIq4oV+utDNXzDvDwgv2rIW2z0dVILaFwJSIiIuKK8tQp0FDBUdD+Stvx2rnG1iK1hsKViIiIiCsqHblSMwvj9LrH9nXbB3/9PqROU7gSERERcUVqw268pj2gSQ8wF8EvbxhdjdQCClciIiIirsg+cqWGFobqNc729efXoKTQ2FrEcApXIiIiIq5IDS1qh/ZXQlCkbSTxt4+NrkYMpnAlIiIi4ors0wLDja2jrvOsZ+scCLD2FbBaja1HDKVwJSIiIuJqrFbIPdUtUNMCjdd9DHj52lqyp641uhoxkMKViIiIiKspyoWSk7ZjTQs0XkAj6HyD7XidNhWuyxSuRERERFxN6XqregHgHWBsLWITf7ft6/bPISvV2FrEMApXIiIiIq7G3sxCUwJrjfAOEDMArBZYP8/oasQgClciIiIirkbNLGqn0rbsGxdCUZ6xtYghFK5EREREXI32uKqdWiVCgxgoyIbN7xhdjRhA4UpERETE1eSd6hSoZha1i4fHX2uv1r0KFoux9UiNU7gSERERcTW5GbavAQpXtU7XG8E7CDL/gL0/GF2N1DCFKxERERFXU7rHlRpa1D6+wdDtZtvxWrVlr2sUrkRERERcjRpa1G7xdwIm2P09HPnD6GqkBilciYiIiLgae0MLTQuslRrGQpuhtuN1c42tRWqUwpWIiIiIK7FaT2tooWmBtVZpY4vN78DJ48bWIjVG4UpERETElRTlQnG+7VgjV7VXTH8I62D7XW180+hqpIYoXImIiIi4ktIpgfX8wSfQ2Frk7Ewm6HVq9Gr9/8BcYmw9UiMUrkRERERcifa4ch2drge/hpB9AHZ+aXQ1UgMUrkRERERciZpZuI56ftDjNtvxWjW2qAsUrkRERERcib0Nu8KVS+h5B3h4QepPcGiT0dVINVO4EhEREXEl9pErdQp0CcGR0OFq27Hasrs9hSsRERERV5KrkSuXEz/O9nXrB5CTZmwtUq0UrkRERERciRpauJ6m3aHphWAphiU3Q1Ge0RVJNVG4EhEREXElamjhmq58GXzrw5+/wPtj1JrdTSlciYiIiLgSNbRwTY3bwI1LwMsXdn0DXzwAVqvRVYmTKVyJiIiIuBI1tHBdzXrBdfPB5AG/vgXLnjK6InEyhSsRERERV1GYC8X5tmONXLmmtpfD5TNtxz/+F9bPM7YecSqFKxERERFXUTolsJ4/eAcaW4tUXo8xMHCi7firf8HvnxlbjziNl9EFiIiIiEgF5Z7qFBjQGEwmY2uRqhnwCJxIgw0L4MM7wP9jaHGR0VWVq6DYzK6MXLan57Az/QRp2ScZ3iWKIR0jjS6t1lG4EhEREXEVambhPkwmuOw5W2De+SW8Mwpu+xrCOxhWksVi5eDxk/YQtSM9hx3pJ0jJzMPyt94bX21NZ9zAlkwY3AZPDwX9UgpXIiIiIq4iN8P2VW3Y3YOnF1z3Oiy6Cg6shbeug9u/hfrR1f7WWflF7Eg/USZE7Uw/QX6RudzrGwZ40zYiiLYRwRSUmHl7XSpzlu9hZ/oJZo3sSrBvvWqv2RUoXImIiIi4itJpgYHqFOg26vnBqHfgjaFwZAe8dQ3c9g34N3TK7YtKLOw5ksvO9BN/jUilnSA9p6Dc6709PWgVHkibiCDaRQTTNjKINhFBNA70wXTaVNT4mIY8/MEWfthxmKtnr2be6B7ENtY6wFoRrmbPns1///tf0tPT6dKlCy+99BIXXnjheV/37rvvMmrUKK688ko++eQT+3mr1crkyZOZN28eWVlZXHTRRcyZM4dWrVpV46cQERERqWb2aYHhxtYhzuXfEG7+EF67FDL/gLdHwOhPwdvfodvkF5Wwbt8xtqf9FaL2HMml5O9z+k5p2sDPPhrVJiKIdpFBtGgUgJfn+XveXdm1CbGhgdz55i/sOZLHlbNX89KobgxsU7dHVQ0PV0uWLCEpKYm5c+cSHx/PrFmzSExMZOfOnYSFnf2Xk5KSwoQJE+jXr98Zz82YMYMXX3yRhQsXEhMTw2OPPUZiYiK///47vr6+1flxRERERKqP9rhyXyFN4R8fwfxEOLgePrwdbnjTNnXwHHIKiknensHXW9NZ8ccRCkssZ1wT5Ot1RohqHR5EUBWn8nVqGsKn913EuLc2smH/cW5b8DOPDm3L2H6xZUa56hKT1Wrs1tDx8fH07NmTl19+GQCLxUJ0dDT3338/jz76aLmvMZvN9O/fn9tuu42VK1eSlZVlH7myWq1ERUXx0EMPMWHCBACys7MJDw9nwYIFjBw58rw15eTkEBISQnZ2NsHBwc75oCIiIiJV9fpgOLAOblgE7a80uhqpDvt/sq3BMhfCBbfAFS+c0RnyWF4R3/2eztfb0lm9O5Ni819/zjdt4Ee3Zg1Ohakg2kYGExXiW61hp7DEzKRPfmPJLwcAuLpbE6Zd0wnfep7V9p41yZFsYOjIVVFRERs2bGDixIn2cx4eHiQkJLBmzZqzvu6JJ54gLCyM22+/nZUrV5Z5bt++faSnp5OQkGA/FxISQnx8PGvWrCk3XBUWFlJYWGj/PicnpyofS0RERKR6qKGF+2vex9bk4r3RsHEhBEXCoIlk5BTw7W+2QLVu3zHMp031iwsLZGjHCIZ0jKB9ZHCNjxr5eHnyzLWdaB8VzBNf/M7Hv/7JniO5/O8fPYgIqVuzxgwNV5mZmZjNZsLDy84bDg8PZ8eOHeW+ZtWqVbz++uts2rSp3OfT09Pt9/j7PUuf+7tp06YxZcoUB6sXERERqWH2hhYKV26t3RVw2bPwZRKseIa5G/OYntmb0+ebdYgKtgequLAg42o9xWQycUufFrQKD+TexRvZcjCbK15exdybu9O9eQOjy6sx51+tVoucOHGCf/zjH8ybN4/Q0FCn3XfixIlkZ2fbHwcOHHDavUVEREScoigPivNsxwpXbmvvkVxmL9vNFWvb8ELJ1QCMzXmZS00/061Zff59WVt+/NcgvvxnP+67uFWtCFan69MylM/u60vbiCCOnChk1P/W8t4vdedva0NHrkJDQ/H09CQjI6PM+YyMDCIiIs64fs+ePaSkpHDFFVfYz1kstkV7Xl5e7Ny50/66jIwMIiP/2jU6IyODrl27lluHj48PPj4+Vf04IiIiItWntJmFlx94q+W1u7BarezMOMHXW9NZui2dnRkn7M/9ZrqOjkEnueTkUl71m4Pp8kRo3tLAaismuqE/H47rQ9J7m/jmtwwe/mAL29Ny+L/L2lWoE6ErMzRceXt70717d5KTk7nqqqsAW1hKTk7mvvvuO+P6tm3bsnXr1jLn/vOf/3DixAleeOEFoqOjqVevHhERESQnJ9vDVE5ODuvWrWPcuHHV/ZFEREREqkfeaXtc1dFObO7CarWy5WA2S3+zBap9mXn257w8TPRu2YihHSMZ3CGcUL8hsORmTH98De+MsO2BFdbOwOorJsDHizk3defFH3Yx6/tdvLE6hT8yTvDyqAtoEOBtdHnVxvBW7ElJSdxyyy306NGDCy+8kFmzZpGXl8eYMWMAGD16NE2aNGHatGn4+vrSsWPHMq+vX78+QJnz48ePZ+rUqbRq1creij0qKsoe4ERERERcjppZuLSiEgubD2bx9dZ0vvktnT+zTtqf8/byoH+rxgztGEFCu3BC/P/WIv26+bDoSluL9reuhdu/g5AmNfwJHOfhYWJ8QmvaRgSR9N5mVu8+ypWzV/PaLT1oHV67pjM6i+HhasSIERw5coRJkyaRnp5O165dWbp0qb0hRWpqKh4ejg0fPvzww+Tl5XHnnXeSlZVF3759Wbp0qfa4EhEREddVOi1Q661qtfyiEvYeyWPX4RPsPpxrf+w/ml9mM19/b08GtQljSMcIBrUNI9DnHH+We/vDjUtse2Bl/mELWLd9DX6u0ShiSMdIWoQGMHbRL6Qey+fq2auZOaIriR3OXAbk6gzf56o20j5XIiIiUussfwaWT4Put9r2PhJDZeUXlQlPu059PX1E6u+Cfb24pF04QzpGMKB1Y8f3gcpKte11diINmvWGf3wM9fyq+ElqzrG8Iu5dvJE1e48C8GBCa+6/OA4Pj9o9zbVa97nau3cvsbGxlS5ORERERCqhdORK0wJrjNVq5fCJQnZl5LL78Al2H/krTGXmFp31dY0CvGkZFkhcWCBxjQNpFW47jgiu4ma+9ZvBzR/C/KGQugY+vMO2obSHa2zW2zDAm0W3X8hTX25nwU8pPP/9H+xIz+HZ67sQcK6ROxfi8KeIi4tjwIAB3H777Vx33XWaaiciIiJSE/I0LbC6WK1WUo/llxmB2n04lz2HczlRWHLW10WF+NIyLJBWYUG2IHXq0bA6GzaEd4BRb8ObV8OOL+DLh2DY8y7T5KSepwePD+9Au8gg/vPJNr4+1dBj3ugeRDf0N7q8KnN4WuCmTZt44403eOeddygqKmLEiBHcfvvtXHjhhdVVY43TtEARERGpdV4fDAfWwfULocNVRlfjVsYu+oXvfs8o9zlPDxPNG/rbR6JanfrasnGgsaMtv30C798KWGHQ/8GAh42rpZI27D/GXW9uJDO3kAb+9Xjlpu70btnI6LLO4Eg2qPSaq5KSEj777DMWLFjA0qVLad26Nbfddhv/+Mc/aNy4caUKry0UrkRERKTWeaErHN8HY76G5n2MrsZtHM0tpPvU7wFoFxlsn8pXOgrVItQfH69aOu1u/Tz4aoLt+IoXofstxtZTCYeyTnLXmxvY+mc2Xh4mJl/Rnpt7Na/a9Eknq5FwVaqwsJBXXnmFiRMnUlRUhLe3NzfccAPTp08vs4mvK1G4EhERkVrn6SZQlAv3b4RGtX8jWVfx2eZD/POdX2kbEcTS8f2NLsdxyU/CymfB5AEjFkPby4yuyGEFxWYe+XALn246BMCoC5sxZXgHvL1qx4bDjmSDSlf8yy+/cM899xAZGcnMmTOZMGECe/bs4bvvvuPQoUNceeWVlb21iIiIiJyuKN8WrAACXHuGUG2zapdtc+Z+rUINrqSSLv4PdLsZrBb4YAykrjO6Iof51vNk1oiuTBzaFpMJ3lmfyk2vrSUzt9Do0hzmcLiaOXMmnTp1ok+fPhw6dIhFixaxf/9+pk6dSkxMDP369WPBggVs3LixOuoVERERqXtKm1l4+YKPe26+agSr1cqqXZkA9G3loqHVZIJhL0CrRCgpgHdGQOZuo6tymMlk4q4BLZl/a0+CfL34OeU4w19axfG8s3dlrI0cDldz5szhxhtvZP/+/XzyyScMGzbsjE1+w8LCeP31151WpIiIiEiddnob9lq0FsXV7TmSx6HsArw9PbiwRUOjy6k8Ty+4/g1o0gNOHoev/2V0RZU2qE0Yn9x7EbGhASS0D6dBdXZerAYOtzj57rvvaNas2RmBymq1cuDAAZo1a4a3tze33OJ6C+pEREREaqXScBXooqMrtVTplMCeMQ3w866lTSsqyjsArn0NXu4Je36APcug5SCjq6qUlo0D+eS+i/BzdJPlWsDhkauWLVuSmZl5xvljx44RExPjlKJERERE5DT2Pa7Cja3DzazafWpKYJybhNaGMdDzdtvx95PBYjG2nioI9q1HPc/a0dDCEQ5XfLbmgrm5udpQWERERKQ65NpGWNTMwnmKzRbW7j0GuHAzi/L0/xd4B0HaZvjtI6OrqXMqPC0wKSkJsC02mzRpEv7+f+2gbDabWbduHV27dnV6gSIiIiJ1nn3kKszYOtzIpgNZ5BaW0DDAm/aRbrT1TkAoXPQALJsKPzwJ7YaDl2utW3JlFQ5Xv/76K2Abudq6dSve3n/9kry9venSpQsTJkxwfoUiIiIidV1uhu1rgMKVs6z8wzYa2KdlIzw83KxJSO97YP3/4HgKbFgA8XcaXVGdUeFwtWzZMgDGjBnDCy+8oM11RURERGpK6bRANbRwmpWn1lv1d9UW7OfiHQADH4Uvk2DFdOgyEnz1t3tNcHjN1RtvvKFgJSIiIlKT1NDCqbJPFrP5QBYAfd1pvdXpLhgNjeIgPxPWvGx0NXVGhUaurrnmGhYsWEBwcDDXXHPNOa/96CMtnBMRERFxKntDC00LdIY1e45isUJs4wCi6vsZXU718KwHl0yC90bDTy9Dj9shSOG8ulUoXIWEhGA6tWFdcHCw/VhEREREqllRPhSdsB1rWqBTrDy1v1W/ODcdtSrVbjg06Q5/brBNDxw20+iK3F6FwtUbb7xhP16wYEF11SIiIiIif1c6JdDTB3y0NMMZSve36ueO661OZzLBpU/AgsttjS163QOhcUZX5dYcXnM1depU9u3bVx21iIiIiMjf2ZtZhNn+WJYqOXAsn/1H8/HyMNGrZSOjy6l+LfpCq0Swmm2t2aVaORyu3n//feLi4ujTpw+vvPIKmZmZ1VGXiIiIiID2uHKylbtsf7t2a1afQJ8KN852bQmTARP8/gkc3GB0NW7N4XC1efNmtmzZwsCBA3n22WeJiori8ssv5+233yY/P786ahQRERGpu3JPhSs1s3CKVbttI4F949x8SuDpwjtAl1G24+8ng9VqbD1uzOFwBdChQweefvpp9u7dy7Jly2jRogXjx48nIiLC2fWJiIiI1G152uPKWcwWK6t3HwXcuAX72Qz6t23dXspK2P290dW4rUqFq9MFBATg5+eHt7c3xcXFzqhJRERERErlZti+auSqyrb+mU32yWKCfL3o0jTE6HJqVv1oiL/TdvzdZLCYja3HTVUqXO3bt4+nnnqKDh060KNHD3799VemTJlCenq6s+sTERERqdtytebKWVadasHep2UjvDyrPMbgevomgW8IHP4NtrxndDVuyeFVfL169eLnn3+mc+fOjBkzhlGjRtGkSZPqqE1ERERE8k7rFihVUtrMoq+7t2A/G/+GtoD1/WRY9hR0uBrq+RpdlVtxOFxdcsklzJ8/n/bt21dHPSIiIiJyOjW0cIq8whI2ph4H6sDmwecSfxesexWyD8DPr0Gf+4yuyK04PB761FNPKViJiIiI1BSNXDnFun1HKTZbiW7oR/NG/kaXY5x6frbmFgArn4WTWYaW424qNHKVlJTEk08+SUBAAElJSee8dubMmU4pTERERKTOKz4JhTm244A6OpXNSexTAuMaY6rrmzF3vRHWzIYj22H1LEh43OiK3EaFwtWvv/5q7wT466+/VmtBIiIiInJK6ZRAT29bIwKptFWnwlW/utaCvTwenraNhd8ZCWvnwIV3QnCU0VW5hQqFq2XLlpV7LCIiIiLVyD4lMBzq+mhLFaRnF7DrcC4mk61ToACth0Cz3pC6BpZPg+EvGV2RW3B4zdVtt93GiRMnzjifl5fHbbfd5pSiRERERITTmlloSmBVrDzVgr1zkxDq+3sbXE0tYTJBwhTb8a9vweEdxtbjJhwOVwsXLuTkyZNnnD958iSLFi1ySlEiIiIiAuRpjytnWLW7dEqgQmoZzeKh7TCwWiD5CaOrcQsVDlc5OTlkZ2djtVo5ceIEOTk59sfx48f56quvCAvTP3wRERERp9HIVZVZLFZW7y7d30rrrc5wyWQwecDOLyF1rdHVuLwK73NVv359TCYTJpOJ1q1bn/G8yWRiypQpTi1OREREpE7L1chVVe1IP0FmbhH+3p5c0KyB0eXUPo1bQ7d/wMaF8N0kuO0bre+rggqHq2XLlmG1Wrn44ov58MMPadiwof05b29vmjdvTlSUuoyIiIiIOI19WmC4sXW4sFW7beut4mMa4u3l8IqYumHgRNjyHhxYBzu/graXG12Ry6pwuBowYAAA+/bto1mzZtofQERERKS65Z7qFqhpgZVm399K663OLjgSet8DK5+D76dAq0TwrHBMkNM4HN9/+OEHPvjggzPOv//++yxcuNApRYmIiIgIamhRRQXFZtbvOwZAf623OreLHgC/hpC5Eza/bXQ1LsvhcDVt2jRCQ8/8jzMsLIynn37aKUWJiIiICKc1tFC4qoxfUo5TWGIhPNiHuLBAo8up3XxDoP+/bMfLnoaifGPrcVEOh6vU1FRiYmLOON+8eXNSU1OdUpSIiIhInVdcAIU5tuNATWmrjJWn1lv1jWusJS0V0fN2CGkGJ9Jg3Vyjq3FJDoersLAwtmzZcsb5zZs306iRdrwWERERcYrSKYGe3uBb39BSXNWqXaX7W2lKYIV4+cDF/7Edr5oF+ccMLccVORyuRo0axT//+U+WLVuG2WzGbDbzww8/8MADDzBy5MjqqFFERESk7rE3swhTa+xKyMwt5LdDtpG/i+IUriqs0/UQ3gkKs20NLsQhDoerJ598kvj4eC655BL8/Pzw8/Nj8ODBXHzxxTz11FPVUaOIiIhI3WNvZqEpgZVRunFwu8hgGgf5GFyNC/HwgEsftx2v/x9kadmPIxwOV97e3ixZsoSdO3eyePFiPvroI/bs2cP8+fPx8ancf7izZ8+mRYsW+Pr6Eh8fz/r168967UcffUSPHj2oX78+AQEBdO3alTfffLPMNbfeeqt9w+PSx5AhQypVm4iIiIghcjNsX9XMolI0JbAKWl4CMf3BXGRrbiEVVumd1Fq1asX111/PsGHDaNCgAXPmzKFHjx4O32fJkiUkJSUxefJkNm7cSJcuXUhMTOTw4cPlXt+wYUP+7//+jzVr1rBlyxbGjBnDmDFj+Oabb8pcN2TIENLS0uyPd955p1KfU0RERMQQpdMCNXLlMKvVyqpTI1d9NSXQcSYTJEyxHW9+F9K3GVuPC6nSNtXLli3jH//4B5GRkfbpgo6aOXMmY8eOZcyYMbRv3565c+fi7+/P/Pnzy71+4MCBXH311bRr146WLVvywAMP0LlzZ1atWlXmOh8fHyIiIuyPBg0aVOozioiIiBgiT23YK2vPkVzSsgvw9vLgwpiGRpfjmppcAB2uAazw/eNGV+MyHA5Xf/75J0899RRxcXFcf/31vP3228yfP58///yT2bNnO3SvoqIiNmzYQEJCwl8FeXiQkJDAmjVrzvt6q9VKcnIyO3fupH///mWeW758OWFhYbRp04Zx48Zx9OjRs96nsLCQnJycMg8RERERQ5XucRUYbmwdLmjlqSmBF7ZoiG89T4OrcWEX/wc8vGD3d7DvR6OrcQkVDlcffvghl112GW3atGHTpk0899xzHDp0CA8PDzp16lSpvQMyMzMxm82Eh5f9H43w8HDS09PP+rrs7GwCAwPx9vbm8ssv56WXXuLSSy+1Pz9kyBAWLVpEcnIy06dPZ8WKFQwdOhSz2Vzu/aZNm0ZISIj9ER0d7fBnEREREXGqPE0LrKzS9VZ9td6qahq1hO5jbMffTQar1dh6XIBXRS8cMWIEjzzyCEuWLCEoKKg6azqvoKAgNm3aRG5uLsnJySQlJREbG8vAgQMByrSE79SpE507d6Zly5YsX76cSy655Iz7TZw4kaSkJPv3OTk5ClgiIiJiLDW0qJRis4W1e20zlrTeygkGPAKb34FDG+H3T6DD1UZXVKtVeOTq9ttvZ/bs2QwZMoS5c+dy/PjxKr95aGgonp6eZGRklDmfkZFBRETEWV/n4eFBXFwcXbt25aGHHuK6665j2rRpZ70+NjaW0NBQdu/eXe7zPj4+BAcHl3mIiIiIGMre0ELhyhG/pmaRV2SmUYA37SP1N12VBTaGPvfbjpOfAHOxsfXUchUOV6+++ippaWnceeedvPPOO0RGRnLllVditVqxWCyVenNvb2+6d+9OcnKy/ZzFYiE5OZnevXtX+D4Wi4XCwsKzPn/w4EGOHj1KZGRkpeoUERERqVHFBbZNXAECNC3QESt32UJpn7hQPDy0+bJT9L7X9t/hsb2wcaHR1dRqDjW08PPz45ZbbmHFihVs3bqVDh06EB4ezkUXXcSNN97IRx995HABSUlJzJs3j4ULF7J9+3bGjRtHXl4eY8bY5neOHj2aiRMn2q+fNm0a3333HXv37mX79u0899xzvPnmm9x8880A5Obm8q9//Yu1a9eSkpJCcnIyV155JXFxcSQmJjpcn4iIiEiNK11v5VEP/NTx2BErtb+V8/kE2aYHAiyfDoW5xtZTi1Vpn6unn36aAwcO8NZbb5Gfn8+oUaMcvs+IESN49tlnmTRpEl27dmXTpk0sXbrU3uQiNTWVtLQ0+/V5eXncc889dOjQgYsuuogPP/yQt956izvuuAMAT09PtmzZwvDhw2ndujW333473bt3Z+XKlZXe5FhERESkRpW2YQ8Ms+05JBWSnV/MloNZgMKV03W/FRrG2v7bXONYh/C6xGS1Oq/tx+HDhwkLc/15wTk5OYSEhJCdna31VyIiIlLzdn4N74yEyK5w1wqjq3EZS7elcfdbG2nZOIDkhwYaXY772fYRfDAGvAPhn5vqTCdLR7JBlTYR/jt3CFYiIiIihss9beRKKuyvKYF144/+Gtfhaoi6AIpy4et/gaX8bY7qMqeGKxERERFxgtJpgWrD7hCtt6pmJhMkPm3bWPi3j+Hzf0IlG9u5K4UrERERkdpGbdgdlno0n9Rj+Xh5mIiPbWR0Oe6reW+49jUwecCvb8FXD2lz4dMoXImIiIjUNnmaFuiolbttgfSCZg0I9PEyuBo31+FquPp/gAl+mQ9LH1XAOqVS4SorK4vXXnuNiRMncuzYMQA2btzIn3/+6dTiREREROqk0jVX2uOqwladmhLYV1MCa0bn6+HKl23H6+bCd48pYAEOx/otW7aQkJBASEgIKSkpjB07loYNG/LRRx+RmprKokWLqqNOERERkbpDDS0cYrZYWb1b4arGdbsZzMXwxXj46SXw9IFLHjO6KkM5PHKVlJTErbfeyq5du/D19bWfv+yyy/jxxx+dWpyIiIhInaSGFg7ZcjCLnIISgn296NwkxOhy6pYeY2Dof23HK5+FFTOMrcdgDoern3/+mbvuuuuM802aNCE9Pd0pRYmIiIjUWSWFUJBtO9bIVYWUTgns0zIUL0+1FKhx8XfC4Km242VPwarnja3HQA7/1+fj40NOTs4Z5//44w8aN9a8YBEREZEqyTvVKdCjHvg1MLYWF7FSUwKN1+d+uGSS7fj7x2HNbEPLMYrD4Wr48OE88cQTFBcXA2AymUhNTeWRRx7h2muvdXqBIiIiInVKbobta0Bj275Cck65hSX8mnoc0P5Whuv3EAx41Hb8zb9h/Txj6zGAw+HqueeeIzc3l7CwME6ePMmAAQOIi4sjKCiIp556qjpqFBEREak77HtcaUZQRazbe5Ris5VmDf1p3ijA6HJk4KPQ90Hb8VcTYMMCQ8upaQ53CwwJCeG7775j1apVbNmyhdzcXC644AISEhKqoz4RERGRukXNLByyUi3YaxeTCS6ZbOsiuOZl+Hw8eHpD1xuNrqxGVHqHtb59+9K3b19n1iIiIiIi9jbs4cbW4SJWnVpv1S9O4arWMJlsDS7MRbD+f/DpvbaA1ek6oyurdg6HqxdffLHc8yaTCV9fX+Li4ujfvz+enp5VLk5ERESkzsnTtMCKSss+ye7DuXiYbJ0CpRYxmWDIdFv3y40L4aM7wbMetL/S6MqqlcPh6vnnn+fIkSPk5+fToIGtg83x48fx9/cnMDCQw4cPExsby7Jly4iOjnZ6wSIiIiJuzd7QQtMCz6e0BXunpvUJ8a9ncDVyBg8PGDYLLCWwaTF8cBvc8Ca0vczoyqqNww0tnn76aXr27MmuXbs4evQoR48e5Y8//iA+Pp4XXniB1NRUIiIiePDBB6ujXhERERH3Zm9ooXB1PqXrrfprvVXt5eEBw1+CTtfbQtZ7o2HXd0ZXVW0cDlf/+c9/eP7552nZsqX9XFxcHM8++ywTJ06kadOmzJgxg9WrVzu1UBEREZE6wd7QQtMCz8VisbK6dH8rrbeq3Tw84aq5timBlmJ49ybYs8zoqqqFw+EqLS2NkpKSM86XlJSQnp4OQFRUFCdOnKh6dSIiIiJ1jRpaVMj29ByO5hXh7+1Jt2babLnW8/SCa1+HNpeDuRDeGQUpq4yuyukcDleDBg3irrvu4tdff7Wf+/XXXxk3bhwXX3wxAFu3biUmJsZ5VYqIiIjUBSWFUJBlO9a0wHMqXW/VK7YR3l4O/0krRvCsB9e/Aa0GQ8lJWHwDpK41uiqncvi/xNdff52GDRvSvXt3fHx88PHxoUePHjRs2JDXX38dgMDAQJ577jmnFysiIiLi1ko7BXp4gW99Q0up7VZpSqBr8vKxNbWIHQTFefDWdXBwg9FVOY3D3QIjIiL47rvv2LFjB3/88QcAbdq0oU2bNvZrBg0a5LwKRUREROqK3NPWW3loNOZsCorNrNt3DID+rRWuXE49Xxj5Nrx9A6SshDevhls+g6iuRldWZZXeRLht27a0bdvWmbWIiIiI1G2lI1dqZnFOP6cco6jEQkSwLy0bBxpdjlSGtz+MehfeuhYOrIU3r4JbvoCIjkZXViWVClcHDx7ks88+IzU1laKiojLPzZw50ymFiYiIiNQ5amZRIaXrrfq2CsVkMhlcjVSaTyDc9L5t5OrPX2DRlXDrlxDmugM4Doer5ORkhg8fTmxsLDt27KBjx46kpKRgtVq54IILqqNGERERkbqhtA27mlmcU+n+Vv20v5Xr8w2Gmz+ERcMhbbPt661fQWic0ZVVisOTeSdOnMiECRPYunUrvr6+fPjhhxw4cIABAwZw/fXXV0eNIiIiInVDrqYFns+RE4X8npYDwEVqZuEe/OrDPz6B8I6QmwELr4Bje42uqlIcDlfbt29n9OjRAHh5eXHy5EkCAwN54oknmD59utMLFBEREakzcjNsXzVydVY/7bGNWrWPDCY00MfgasRp/BvaAlbjtnDiECwcDlmpRlflMIfDVUBAgH2dVWRkJHv27LE/l5mZ6bzKREREROoae0MLhauz0ZRANxbYGEZ/Bo3iIPsALBgG+ceMrsohDq+56tWrF6tWraJdu3ZcdtllPPTQQ2zdupWPPvqIXr16VUeNIiIiInVDrtZcnYvVai3TzELcUFA43PI5vDEUWg8FvwZGV+QQh8PVzJkzyc3NBWDKlCnk5uayZMkSWrVqpU6BIiIiIlWhhhbntOdILuk5BXh7edCzRUOjy5HqEhwFY5fZgpWLdYN0KFyZzWYOHjxI586dAdsUwblz51ZLYSIiIiJ1SkkRnDxuO9a0wHL9+Idt1Co+piG+9TwNrkaqlb9rhmeH1lx5enoyePBgjh8/Xl31iIiIiNRNpeutTJ4uNxWqpqzafWpKoLoESi3lcEOLjh07sneva7ZGFBEREam1SqcEBjQGD4f/RHN7RSUW1u49Cmi9ldReDv/LnTp1KhMmTOCLL74gLS2NnJycMg8RERERqYTSPa603qpcv6YeJ7/ITKMAb9pFBBtdjki5HG5ocdlllwEwfPhwTKctMLNarZhMJsxms/OqExEREakr1MzinEqnBF4UF4qHh2s1OZC6w+FwtWzZsuqoQ0RERKRuK23DrmYW5fpR+1uJC3A4XA0YMKA66hARERGp2+x7XDU2to5aKDu/mK0HswDo10o/H6m9KrVacuXKldx888306dOHP//8E4A333yTVatWObU4ERERkTojTyNXZ/PTnkwsVogLCyQixNfockTOyuFw9eGHH5KYmIifnx8bN26ksLAQgOzsbJ5++mmnFygiIiJSJ9hHrsKNraMWWqkW7OIiKtUtcO7cucybN4969erZz1900UVs3LjRqcWJiIiI1Bml+1xpWuAZVu6y/Wz6t1a4ktrN4XC1c+dO+vfvf8b5kJAQsrKynFGTiIiISN2jhhbl2n80jwPHTlLP00R8TCOjyxE5J4fDVUREBLt37z7j/KpVq4iNjXVKUSIiIiJ1irkYTh6zHasVexkrT3UJ7NasAQE+DvdiE6lRDoersWPH8sADD7Bu3TpMJhOHDh1i8eLFTJgwgXHjxlVHjSIiIiLurXRKoMkT/BoaW0sts6q0BbvWW4kLcDj+P/roo1gsFi655BLy8/Pp378/Pj4+TJgwgfvvv786ahQRERFxb/YpgY3Bo1LNnN1SidnCT3tONbPQ/lbiAhz+12symfi///s/jh07xrZt21i7di1HjhzhySefrHQRs2fPpkWLFvj6+hIfH8/69evPeu1HH31Ejx49qF+/PgEBAXTt2pU333yzzDVWq5VJkyYRGRmJn58fCQkJ7Nq1q9L1iYiIiFQrNbMo15q9R8kpKKFhgDedm9Y3uhyR83I4XL311lvk5+fj7e1N+/btufDCCwkMDKx0AUuWLCEpKYnJkyezceNGunTpQmJiIocPHy73+oYNG/J///d/rFmzhi1btjBmzBjGjBnDN998Y79mxowZvPjii8ydO5d169YREBBAYmIiBQUFla5TREREpNqomUW5Pt98CIChHSPw9DAZXI3I+Tkcrh588EHCwsK48cYb+eqrrzCbzVUqYObMmYwdO5YxY8bQvn175s6di7+/P/Pnzy/3+oEDB3L11VfTrl07WrZsyQMPPEDnzp3tGxhbrVZmzZrFf/7zH6688ko6d+7MokWLOHToEJ988km59ywsLCQnJ6fMQ0RERKTG5GbYvqqZhV1RiYWl29IBGNY5yuBqRCrG4XCVlpbGu+++i8lk4oYbbiAyMpJ7772Xn376yeE3LyoqYsOGDSQkJPxVkIcHCQkJrFmz5ryvt1qtJCcnl2kPv2/fPtLT08vcMyQkhPj4+LPec9q0aYSEhNgf0dHRDn8WERERkUornRYYoGmBpVbtPkJOQQmNg3y4MEZNPsQ1OByuvLy8GDZsGIsXL+bw4cM8//zzpKSkMGjQIFq2bOnQvTIzMzGbzYSHl92JPDw8nPT09LO+Ljs7m8DAQLy9vbn88st56aWXuPTSSwHsr3PknhMnTiQ7O9v+OHDggEOfQ0RERKRKSqcFBoaf+7o65PPNaQBc3ilSUwLFZVRpswB/f38SExM5fvw4+/fvZ/v27c6q65yCgoLYtGkTubm5JCcnk5SURGxsLAMHDqzU/Xx8fPDx8XFukSIiIiIVlVcarjQtEKCg2Mx3v9umSl7RJdLgakQqrlLhKj8/n48//pjFixeTnJxMdHQ0o0aN4oMPPnDoPqGhoXh6epKRkVHmfEZGBhEREWd9nYeHB3FxcQB07dqV7du3M23aNAYOHGh/XUZGBpGRf/1jzMjIoGvXrg7VJyIiIlIjcjUt8HTLdx4ht7CEJvX96BbdwOhyRCrM4WmBI0eOJCwsjAcffJDY2FiWL1/O7t27efLJJ2nbtq1D9/L29qZ79+4kJyfbz1ksFpKTk+ndu3eF72OxWCgsLAQgJiaGiIiIMvfMyclh3bp1Dt1TREREpMaooUUZn2+xdQm8vHMkHpoSKC7E4ZErT09P3nvvPRITE/H09Czz3LZt2+jYsaND90tKSuKWW26hR48eXHjhhcyaNYu8vDzGjBkDwOjRo2nSpAnTpk0DbM0nevToQcuWLSksLOSrr77izTffZM6cOYBtH67x48czdepUWrVqRUxMDI899hhRUVFcddVVjn5cERERkeplLoaTx2zHasVOflEJP2y3TZMc1llTAsW1OByuFi9eXOb7EydO8M477/Daa6+xYcMGh1uzjxgxgiNHjjBp0iTS09Pp2rUrS5cutTekSE1NxeO0ncrz8vK45557OHjwIH5+frRt25a33nqLESNG2K95+OGHycvL48477yQrK4u+ffuydOlSfH19Hf24IiIiItUrL9P21eQJ/uqKl7z9MCeLzTRv5E+nJiFGlyPiEJPVarVW5oU//vgjr7/+Oh9++CFRUVFcc801XHvttfTs2dPZNda4nJwcQkJCyM7OJjg42OhyRERExJ2lbYZX+9s6BU74w+hqDHfnol/49vcM7h3Ukn8lOrbkRKQ6OJINHBq5Sk9PZ8GCBbz++uvk5ORwww03UFhYyCeffEL79u2rVLSIiIhInWRvZqEpgTkFxSz/w/bz0MbB4ooq3NDiiiuuoE2bNmzZsoVZs2Zx6NAhXnrppeqsTURERMT92ZtZqFPgd79lUFRiIS4skLYRQUaXI+KwCo9cff311/zzn/9k3LhxtGrVqjprEhEREak7Sve40sgVX5zqEjiscyQmk7oEiuup8MjVqlWrOHHiBN27dyc+Pp6XX36ZzMzM6qxNRERExP2VTgus423Ys/KLWLnL9relpgSKq6pwuOrVqxfz5s0jLS2Nu+66i3fffZeoqCgsFgvfffcdJ06cqM46RURERNxT6chVHQ9XS7elU2Kx0i4ymLiwQKPLEakUhzcRDggI4LbbbmPVqlVs3bqVhx56iGeeeYawsDCGDx9eHTWKiIiIuK9cTQsE+GJLGqC9rcS1ORyuTtemTRtmzJjBwYMHeeedd5xVk4iIiEjdURqu6nBDi8zcQn7aY5sSeIWmBIoLq1K4KuXp6clVV13FZ5995ozbiYiIiNQdamjB11vTsFihS9MQmjXyN7ockUpzSrgSERERkUowl0D+MdtxYLixtRjoc/uUQI1aiWtTuBIRERExSn4mYAWTB/g3NLoaQ6RnF/Bzii1gXq71VuLiFK5EREREjFK63so/FDw8ja3FIF9uTcNqhR7NGxBV38/ockSqROFKRERExCi5asN++sbBIq5O4UpERETEKPZmFnWzU+CBY/n8mpqFyQSXdVK4EtencCUiIiJiFPvIVd1sZvHlVlsji14xjQgL9jW4GpGqU7gSERERMUreEdvXOrrHlX1KYBeNWol7ULgSERERMUpu3d3jal9mHtv+zMHTw8TQjgpX4h4UrkRERESMkpth+1oHG1p8sdk2anVRXCgNA7wNrkbEORSuRERERIxSOi2wDja0+MK+cbBGrcR9KFyJiIiIGKWONrT4I+MEOzNOUM/TRGL7CKPLEXEahSsRERERI5hLIP+o7biOTQssnRI4oHVjQvzrGVyNiPMoXImIiIgYIf8oYAWTB/g3MrqaGmO1Wk+bEhhlcDUizqVwJSIiImKE0mYW/o3Aw9PYWmrQ72k57M3Mw8fLg4T2dWs6pLg/hSsRERERI+TVzTbsn2+2jVpd3DaMQB8vg6sRcS6FKxEREREj5JZuIFx3wpVtSuCpjYM1JVDckMKViIiIiBFKR67qULjafDCbg8dP4u/tycVt687nlrpD4UpERETECKVt2OvQHlefn+oSmNAuHD/vurPOTOoOhSsRERERI+TWrZEri8XKl9o4WNycwpWIiIiIEepYQ4sNqcdJzykgyMeLAW3qzmid1C0KVyIiIiJGqGMNLUqnBA7uEIGPl6YEintSuBIRERExQh1qaFFitvDV1lNTArtoSqC4L4UrERERkZpmMUP+UdtxHZgWuG7fMTJzi6jvX4++caFGlyNSbRSuRERERGpaXiZYLYAJ/BsZXU21K93bamjHCOp56s9PcV/6r1tERESkppVOCfRvBJ5extZSzYrNFr7elg5o42BxfwpXIiIiIjXN3oY93Ng6asCq3Zlk5RcTGuhNfExDo8sRqVYKVyIiIiI1La+0U6D7tyT/YrOtkcVlnSLx0pRAcXP6L1xERESkpuXWjT2uCkvMfPubpgRK3aFwJSIiIlLTcjNsX928DfuKnUc4UVhCRLAvPZo3MLockWqncCUiIiJS00qnBQa497TAL7bYpgRe3jkSDw+TwdWIVD+FKxEREZGaVgcaWpwsMvP9dtsI3bDO2jhY6gaFKxEREZGaVgcaWvyw4zD5RWaaNvCja3R9o8sRqREKVyIiIiI1rQ40tCjdOHhY5yhMJk0JlLpB4UpERESkJlnMkJ9pO3bThha5hSX8sMMWIDUlUOqSWhGuZs+eTYsWLfD19SU+Pp7169ef9dp58+bRr18/GjRoQIMGDUhISDjj+ltvvRWTyVTmMWTIkOr+GCIiIiLnl38UrBbABP6hRldTLb7/PYPCEgsxoQF0iAo2uhyRGmN4uFqyZAlJSUlMnjyZjRs30qVLFxITEzl8+HC51y9fvpxRo0axbNky1qxZQ3R0NIMHD+bPP/8sc92QIUNIS0uzP955552a+DgiIiIi51Y6JdC/EXh6GVtLNSmdEnhF50hNCZQ6xfBwNXPmTMaOHcuYMWNo3749c+fOxd/fn/nz55d7/eLFi7nnnnvo2rUrbdu25bXXXsNisZCcnFzmOh8fHyIiIuyPBg20t4KIiIjUAnmlnQLdc0pgdn4xK/6wNewY1kUbB0vdYmi4KioqYsOGDSQkJNjPeXh4kJCQwJo1ayp0j/z8fIqLi2nYsGGZ88uXLycsLIw2bdowbtw4jh49etZ7FBYWkpOTU+YhIiIiUi1y3XuPq29+T6fYbKV1eCCtw4OMLkekRhkarjIzMzGbzYSHl93jITw8nPT09Ard45FHHiEqKqpMQBsyZAiLFi0iOTmZ6dOns2LFCoYOHYrZbC73HtOmTSMkJMT+iI6OrvyHEhERETmXXNveT+46clW6cfAVnTVqJXWPS0/0feaZZ3j33XdZvnw5vr6+9vMjR460H3fq1InOnTvTsmVLli9fziWXXHLGfSZOnEhSUpL9+5ycHAUsERERqR7pW21fgyKMraMaHMsrYvVuWydETQmUusjQkavQ0FA8PT3JyMgocz4jI4OIiHP/D86zzz7LM888w7fffkvnzp3PeW1sbCyhoaHs3r273Od9fHwIDg4u8xARERFxuqwD8NtHtuP2VxlaSnX4elsaZouVDlHBxIQGGF2OSI0zNFx5e3vTvXv3Ms0oSptT9O7d+6yvmzFjBk8++SRLly6lR48e532fgwcPcvToUSIjtc+CiIiIGOinl8BSAjH9oen5/4ZxNV9sPjUlUKNWUkcZ3i0wKSmJefPmsXDhQrZv3864cePIy8tjzJgxAIwePZqJEyfar58+fTqPPfYY8+fPp0WLFqSnp5Oenk5ubi4Aubm5/Otf/2Lt2rWkpKSQnJzMlVdeSVxcHImJiYZ8RhERERHyMmHjIttx36RzX+uCDucUsHafrYHY5Z30/9CWusnwNVcjRozgyJEjTJo0ifT0dLp27crSpUvtTS5SU1Px8PgrA86ZM4eioiKuu+66MveZPHkyjz/+OJ6enmzZsoWFCxeSlZVFVFQUgwcP5sknn8THx6dGP5uIiIiI3do5UHISoi6A2IFGV+N0X21Nw2qFbs3qE93Q3+hyRAxhslqtVqOLqG1ycnIICQkhOztb669ERESk6gpy4PmOUJgNI96CdlcYXZHTXTfnJ37Zf5zHhrXn9r4xRpcj4jSOZAPDpwWKiIiIuL1fXrcFq9A20OZyo6txukNZJ/ll/3FMJk0JlLpN4UpERESkOhWfhDWv2I77jgcP9/vz68tTe1v1bNGQiBDf81wt4r7c71+3iIiISG3y61uQdxhCoqHT9UZXUy2+2HIIgCs6a9RK6jaFKxEREZHqYi6Bn160Hff5J3jWM7aeapB6NJ/NB7PxMMGQjgpXUrcpXImIiIhUl20fQlYq+IdCt5uNrqZafH5q1KpPy1AaB6kzs9RtClciIiIi1cFigVXP2457jQNv92xP/sWp9VbDNCVQROFKREREpFr88TUc2Q4+wdDzDqOrqRa7D+eyPS0HLw8TQzpGGF2OiOEUrkRERESczWqFlTNtxz1vB7/6hpZTXUobWfRrFUp9f2+DqxExnsKViIiIiLOlrIQ/fwEvX+h1j9HVVAur1XralMAog6sRqR28jC5ARERExO2Ujlp1uxkCw4ytxcl2H87ls82H+HzzIfZl5uHt6cGlHcKNLkukVlC4EhEREXGmPzfC3mVg8rS1X3cDf2ad5PPNh/hs0yF+T8uxn/et58HDiW0J9nW/FvMilaFwJSIiIuJMq06NWnW6Hho0N7aWKsjMLeSrrWl8tukQv+w/bj/v5WGif+vGDO8SRUL7cAJ99OekSCn9axARERFxliN/wPYvbMd9xxtaSmXkFBTzzbZ0Ptt8iJ/2HMVssQJgMkF8TEOGd2nC0I4RNAhQ8wqR8ihciYiIiDjL6lmAFdpcDmHtjK6mQgqKzSRvP8xnm/9k2c4jFJVY7M91aRrCFV2iGNY5iogQXwOrFHENClciIiIizpB1ALYssR33SzK2lvMoNltYtSuTzzYf4tvf0skrMtufaxUWyPAuUVzRJYoWoQEGViniehSuRERERJzhp5fAUgIx/aFpD6OrOYPFYmV9yjE+23yIr7emcTy/2P5ck/p+DO8axfAuUbSNCMJkMhlYqYjrUrgSERERqaq8TNi4yHbct/aMWlmtVrb+mc1nmw7xxZY00nMK7M+FBvowrHMkV3SJ4oJm9RWoRJxA4UpERESkqtbOgZKTENUNYgcaXQ0FxWZeXbGXj389SMrRfPv5IF8vhnaMYHiXJvSKbYiXp4eBVYq4H4UrERERkaooyIH182zH/R6ytdYz2IcbD/L8938Atr2oEtqFM7xLFAPaNMbHy9Pg6kTcl8KViIiISFX88joUZkNoG1uXwFrgh+2HAfhHr+Y8OrQtAdqLSqRGaCxYREREpLKKT8KaV2zHfceDh/F/WhUUm1m9JxOAG+ObKViJ1CDj/xdARERExFX9+hbkHYaQaOh0vdHVALB+3zEKii1EBPvSNiLI6HJE6hSFKxEREZHKMJfATy/ajvv8EzzrGVvPKct22qYEDmzTWB0ARWqYwpWIiIhIZWz7ELJSwT8Uut1sdDV2y3ceAWBgmzCDKxGpexSuRERERBxlscCq523HvcaBt7+x9ZyyLzOPfZl51PM0cVFcI6PLEalzFK5EREREHPXH13BkO3gHQc87jK7GbvmpKYE9WzQkyLd2TFMUqUsUrkREREQcYbXCypm24wvvAL/6hpZzumWnpgQO0pRAEUMoXImIiIg4ImUl/PkLePlCr3uMrsYuv6iEtXuPAjCobWODqxGpmxSuRERERBxROmrV7WYIrD0jRGv2HKWoxELTBn60bBxodDkidZLClYiIiEhF/bkR9i4Dk6et/XotUtqCfVCbMLVgFzGIwpWIiIhIRa06NWrV6Xpo0NzYWk5jtVpPa8GuKYEiRlG4EhEREamII3/A9i9sx33HG1rK3+05ksvB4yfx9vKgd0u1YBcxisKViIiISEWsngVYoc3lENbO6GrKWLbDNmrVK7YR/t5eBlcjUncpXImIiIicT9YB2LLEdtwvydhayvHXeitNCRQxksKViIiIyPn89BJYSiCmPzTtYXQ1ZZwoKObnlGOA9rcSMZrClYiIiMi55GXCxkW24761b9Rq9e6jFJutxIQG0CI0wOhyROo0hSsRERGRc1k7B0pOQlQ3iB1odDVnWH5qSqC6BIoYT+FKRERE5GwKcmD9PNtx3ySoZftHWa3WMvtbiYixFK5EREREzuaX16EwG0JbQ9thRldzhu1pJ8jIKcSvnicXxjQ0uhyROk/hSkRERKQ8xSdhzSu2474Pgkft+7OpdNSqT8tG+NbzNLgaEal9/yshIiIiUhv8+hbkHYaQaOh0vdHVlGvFTtv+VgPbakqgSG2gcCUiIiLyd+YS+OlF23Gf+8GznrH1lCM7v5gNqccBGNhazSxEaoNaEa5mz55NixYt8PX1JT4+nvXr15/12nnz5tGvXz8aNGhAgwYNSEhIOON6q9XKpEmTiIyMxM/Pj4SEBHbt2lXdH0NERETcxbYPISsV/EOh2z+MrqZcK3cfwWyx0ioskOiG/kaXIyLUgnC1ZMkSkpKSmDx5Mhs3bqRLly4kJiZy+PDhcq9fvnw5o0aNYtmyZaxZs4bo6GgGDx7Mn3/+ab9mxowZvPjii8ydO5d169YREBBAYmIiBQUFNfWxRERExFVZLLDqedtxr3HgXTuDy7IdtimBgzQlUKTWMFmtVquRBcTHx9OzZ09efvllACwWC9HR0dx///08+uij53292WymQYMGvPzyy4wePRqr1UpUVBQPPfQQEyZMACA7O5vw8HAWLFjAyJEjz3vPnJwcQkJCyM7OJjg4uGofUERERFzLji/h3RvBOwge3AZ+9Y2u6AwWi5ULn/6ezNwi3h4bT5+WoUaXJOK2HMkGXjVUU7mKiorYsGEDEydOtJ/z8PAgISGBNWvWVOge+fn5FBcX07Chrf3ovn37SE9PJyEhwX5NSEgI8fHxrFmzptxwVVhYSGFhof37nJycyn4kp9s5NZ644p1GlyEiIuIQK6ZyjwEw/XXunNdx5nUWkxdWn2D8ghvh5V8ffEPAt74tAPmGnPb42/d+9aGe//n3qbJaYeVM23HP22tlsALYdiibzNwiAn286NFcLdhFagtDw1VmZiZms5nw8PAy58PDw9mxY0eF7vHII48QFRVlD1Pp6en2e/z9nqXP/d20adOYMmWKo+XXCBMWPE2GDi6KiIhUQjX93y4rUJALBYccf62H17nDl28IFBfAn7+Aly/0vtfJxTtP6ZTAvnGheHsZvspDRE4xNFxV1TPPPMO7777L8uXL8fX1rfR9Jk6cSFJSkv37nJwcoqOjnVFilYXd/TmZJUVGlyEiInJ+Vlv2sVqsWLFisVqxWq1gtWK1ghXb93+dtzWhsmIbMLJYLafuYbFdb7Xdx2qxHVuAvWlHWf3bXg4fziCYfIJNeYR7F3BBYw/aNbDQwPMkpoIsKMj+63EyC6xmsJRA/lHb43y63QyBtXctU+n+VgPbqEugSG1iaLgKDQ3F09OTjIyMMuczMjKIiIg452ufffZZnnnmGb7//ns6d+5sP1/6uoyMDCIjI8vcs2vXruXey8fHBx8fn0p+iupVP/TcPwcREZG6pFNHuPLSi9mVcYIPNh7k441/cvhEIaQCqdAmPIhruzfhqm5NCAs69f94tVqhKK9s4CovgJWe96wHA86/7tsoR3ML2XwwC4CBbWpvABSpiwwNV97e3nTv3p3k5GSuuuoqwNbQIjk5mfvuu++sr5sxYwZPPfUU33zzDT169CjzXExMDBERESQnJ9vDVE5ODuvWrWPcuHHV9VFERESkBrUKD2Li0Hb8a3AbVu3O5MONf/LNb+nszDjB01/tYPrSnQxo3ZhrL2jKJe3C8PUJBJ9ACGlidOlVtnJXJlYrtIsMJiKk8jN3RMT5DJ8WmJSUxC233EKPHj248MILmTVrFnl5eYwZMwaA0aNH06RJE6ZNmwbA9OnTmTRpEm+//TYtWrSwr6MKDAwkMDAQk8nE+PHjmTp1Kq1atSImJobHHnuMqKgoe4ATERER9+Dl6cHANmEMbBNG9slivthyiA83HGRjahY/7DjMDzsOE+JXj+Fdori2e1O6NA3BdL6mFrVc6ZTAQZoSKFLrGB6uRowYwZEjR5g0aRLp6el07dqVpUuX2htSpKam4uHx10LNOXPmUFRUxHXXXVfmPpMnT+bxxx8H4OGHHyYvL48777yTrKws+vbty9KlS6u0LktERERqtxC/etwU35yb4puz50guH244yEcb/yQ9p4A31+7nzbX7iQsL5LruTbm6WxPCg13v7wKzxcqKP7S/lUhtZfg+V7WR9rkSERFxD2aLlZ/2ZPLBhoMs3ZZOYYkFAA8T9GvVmOu6N+XS9uH41vM0uNKK2bD/ONfO+YlgXy82PnYpXp7qFChS3VxmnysRERGR6uTpYaJfq8b0a9WYnIJivtqSxocbD/JzynFW/HGEFX8cIcjXiyu6RHFd96Z0i65fq6cNLj81JbB/68YKViK1kMKViIiI1AnBvvUYeWEzRl7YjH2ZeXy08SAfbjjIoewC3l6XytvrUokNDWDUhc24rW8Mnh61L2T9td5KUwJFaiOFKxEREalzYkIDeGhwGx5MaM3avUf5YMNBvt6Wzt7MPJ76ajtmq5W7B7Q0uswyDucUsO3PHMA2ciUitY/Gk0VERKTO8vAw0SculJkjuvLzfxL45yWtAPjfj3vJKywxuLqylp9qZNG5aQiNg2rn/pwidZ3ClYiIiAgQ6OPFPy+OIyY0gGN5RSxas9/oksooXW+ljYNFai+FKxEREZFTvDw9uP/iOAD+9+MecmvJ6FWx2cLKPzIB7W8lUpspXImIiIicZniXKGJDAzieX8yiNSlGlwPAxv3HOVFYQsMAbzo3rW90OSJyFgpXIiIiIqfx8vTg/ktKR6/21orRq2U7beutBrRuXCu7GIqIjcKViIiIyN8M79KE2NAAsvKLWfhTitHlnLbeSlMCRWozhSsRERGRv/H0MNk7B85buZcTBcWG1XIo6yQ70k/gYYL+rRSuRGozhSsRERGRclzRJYrYxrbRKyM7By4/NSWwW7MGNAjwNqwOETk/hSsRERGRcnh6mHjgtH2vjBq9WlY6JVAbB4vUegpXIiIiImcxrHMULRsHkH3SmLVXhSVmVu8+1YK9rfa3EqntFK5EREREzqLs2qt95NTw6NXP+46TX2SmcZAP7SODa/S9RcRxClciIiIi5zCscxRxYYG20avVKTX63qdPCfRQC3aRWk/hSkREROQc/t45sCZHr0pbsGtKoIhrULgSEREROY/LO0USFxZITkEJC2po9Cr1aD57juTh6WGib6vQGnlPEakahSsRERGR8zi9c+BrNTR6tfwP26hVj+YNCPatV+3vJyJVp3AlIiIiUgGXdYqk1anRqzdWpVT7+y3boSmBIq5G4UpERESkAjw9TDyQYBu9en3VXrJPVt/oVUGxmZ/2HAVgYBvtbyXiKhSuRERERCroso6RtA4/NXq1el+1vc+avUcpLLEQGeJLm/CgansfEXEuhSsRERGRCvLwMPHAJa0BeH3VvmobvVp+akrgwDZhmExqwS7iKhSuRERERBwwtGMEbcKDOFFQwvxVzh+9slqtLNt5BIBBmhIo4lIUrkREREQc4HHa2qv5q50/erU3M4/UY/nU8zRxUZxasIu4EoUrEREREQcN6fDX6NXrTh69Wn5q1Co+phEBPl5OvbeIVC+FKxEREREHnT569caqfWTnO2/0avnO0vVWmhIo4moUrkREREQqYUiHCNpGBHGisITXV+11yj3zCktYt/cYoP2tRFyRwpWIiIhIJdg6B54avVqdQlZ+UZXv+dOeoxSZLTRr6E9saECV7yciNUvhSkRERKSSEsuMXlV97dWy06YEqgW7iOtRuBIRERGpJA8PE+MTnDN6ZbVa7ftbDWqjKYEirkjhSkRERKQKBrePoF1kMLmFJby2svKjV39k5HIouwAfLw96xTZyYoUiUlMUrkRERESq4PS1Vwt+SuF4XuVGr0qnBPZu2Qg/b0+n1SciNUfhSkRERKSKEjuE07509KqSnQOXaUqgiMtTuBIRERGpIpPpr32vFqx2fPQqp6CYX/YfBxSuRFyZwpWIiIiIEwxubxu9yisyOzx6tXpXJmaLldjGATRr5F9NFYpIdVO4EhEREXECk+mvzoELVqdwzIHRq9L1Vhq1EnFtClciIiIiTnJp+3A6RJ0avVpZsdErq9XKsp1HAIUrEVencCUiIiLiJLbRq9YALPypYqNXvx3K4ciJQvy9PekZ06C6SxSRaqRwJSIiIuJECe3C6NjENno1rwKjV8tPTQns0zIUHy+1YBdxZQpXIiIiIk5kMpkYf8lfo1dHcwvPeb19SmDbxtVem4hUL4UrERERESe7pF0YnZqEkF9kZt7KfWe97nheEb+m2lqwD9R6KxGXp3AlIiIi4mSndw5ctObso1c/7jqCxQptwoNoUt+vJksUkWpgeLiaPXs2LVq0wNfXl/j4eNavX3/Wa3/77TeuvfZaWrRogclkYtasWWdc8/jjj2Mymco82rZtW42fQERERORMF7cNo3NT2+jV/86y9mr5qSmBAzUlUMQtGBqulixZQlJSEpMnT2bjxo106dKFxMREDh8+XO71+fn5xMbG8swzzxAREXHW+3bo0IG0tDT7Y9WqVdX1EURERETKVWb06qf9ZP5t9MpisbLiD7VgF3EnhoarmTNnMnbsWMaMGUP79u2ZO3cu/v7+zJ8/v9zre/bsyX//+19GjhyJj4/PWe/r5eVFRESE/REaGlpdH0FERETkrAa1CaNL0xBOFpuZ92PZ0astf2ZzLK+IIB8vujdXC3YRd2BYuCoqKmLDhg0kJCT8VYyHBwkJCaxZs6ZK9961axdRUVHExsZy0003kZqaes7rCwsLycnJKfMQERERqarT971atKbs6NWyHbaZOn1bhVLP0/CVGiLiBIb9S87MzMRsNhMeHl7mfHh4OOnp6ZW+b3x8PAsWLGDp0qXMmTOHffv20a9fP06cOHHW10ybNo2QkBD7Izo6utLvLyIiInK6gW0a0yW6PieLzfzvtNGr0v2tNCVQxH243f+bZOjQoVx//fV07tyZxMREvvrqK7KysnjvvffO+pqJEyeSnZ1tfxw4cKAGKxYRERF39vfOgUdOFHLkRCGbD2YDMKCNmlmIuAsvo944NDQUT09PMjIyypzPyMg4Z7MKR9WvX5/WrVuze/fus17j4+NzzjVcIiIiIlUxsHVjukbXZ9OBLP734x7aRgQD0CEqmPBgX4OrExFnMWzkytvbm+7du5OcnGw/Z7FYSE5Opnfv3k57n9zcXPbs2UNkZKTT7ikiIiLiiNNHr95cu58PNhwENCVQxN0YOi0wKSmJefPmsXDhQrZv3864cePIy8tjzJgxAIwePZqJEyfary8qKmLTpk1s2rSJoqIi/vzzTzZt2lRmVGrChAmsWLGClJQUfvrpJ66++mo8PT0ZNWpUjX8+ERERkVIDTo1eFRRbWLP3KACDtL+ViFsxbFogwIgRIzhy5AiTJk0iPT2drl27snTpUnuTi9TUVDw8/sp/hw4dolu3bvbvn332WZ599lkGDBjA8uXLATh48CCjRo3i6NGjNG7cmL59+7J27VoaN9b/eImIiIhxSkevbn3jZwDq+9eja7RasIu4E5PVarUaXURtk5OTQ0hICNnZ2QQHBxtdjoiIiLgJq9XKNXN+4tfULIZ3ieLFUd3O/yIRMZQj2cDtugWKiIiI1FYmk4np13ZmaMcI7r84zuhyRMTJDJ0WKCIiIlLXtA4PYs7N3Y0uQ0SqgUauREREREREnEDhSkRERERExAkUrkRERERERJxA4UpERERERMQJFK5EREREREScQOFKRERERETECRSuREREREREnEDhSkRERERExAkUrkRERERERJxA4UpERERERMQJFK5EREREREScQOFKRERERETECRSuREREREREnEDhSkRERERExAkUrkRERERERJxA4UpERERERMQJFK5EREREREScQOFKRERERETECbyMLqA2slqtAOTk5BhciYiIiIiIGKk0E5RmhHNRuCrHiRMnAIiOjja4EhERERERqQ1OnDhBSEjIOa8xWSsSweoYi8XCoUOHCAoKwmQyGVpLTk4O0dHRHDhwgODgYENrkZqj33vdpN973aTfe92k33vdo9+567JarZw4cYKoqCg8PM69qkojV+Xw8PCgadOmRpdRRnBwsP4h1kH6vddN+r3XTfq91036vdc9+p27pvONWJVSQwsREREREREnULgSERERERFxAoWrWs7Hx4fJkyfj4+NjdClSg/R7r5v0e6+b9Huvm/R7r3v0O68b1NBCRERERETECTRyJSIiIiIi4gQKVyIiIiIiIk6gcCUiIiIiIuIEClciIiIiIiJOoHBVy82ePZsWLVrg6+tLfHw869evN7okqUaPP/44JpOpzKNt27ZGlyVO9uOPP3LFFVcQFRWFyWTik08+KfO81Wpl0qRJREZG4ufnR0JCArt27TKmWHGK8/3Ob7311jP+7Q8ZMsSYYsVppk2bRs+ePQkKCiIsLIyrrrqKnTt3lrmmoKCAe++9l0aNGhEYGMi1115LRkaGQRWLM1Tk9z5w4MAz/s3ffffdBlUszqRwVYstWbKEpKQkJk+ezMaNG+nSpQuJiYkcPnzY6NKkGnXo0IG0tDT7Y9WqVUaXJE6Wl5dHly5dmD17drnPz5gxgxdffJG5c+eybt06AgICSExMpKCgoIYrFWc53+8cYMiQIWX+7b/zzjs1WKFUhxUrVnDvvfeydu1avvvuO4qLixk8eDB5eXn2ax588EE+//xz3n//fVasWMGhQ4e45pprDKxaqqoiv3eAsWPHlvk3P2PGDIMqFmdSK/ZaLD4+np49e/Lyyy8DYLFYiI6O5v777+fRRx81uDqpDo8//jiffPIJmzZtMroUqSEmk4mPP/6Yq666CrCNWkVFRfHQQw8xYcIEALKzswkPD2fBggWMHDnSwGrFGf7+OwfbyFVWVtYZI1riXo4cOUJYWBgrVqygf//+ZGdn07hxY95++22uu+46AHbs2EG7du1Ys2YNvXr1MrhicYa//97BNnLVtWtXZs2aZWxx4nQauaqlioqK2LBhAwkJCfZzHh4eJCQksGbNGgMrk+q2a9cuoqKiiI2N5aabbiI1NdXokqQG7du3j/T09DL/9kNCQoiPj9e/fTe3fPlywsLCaNOmDePGjePo0aNGlyROlp2dDUDDhg0B2LBhA8XFxWX+vbdt25ZmzZrp37sb+fvvvdTixYsJDQ2lY8eOTJw4kfz8fCPKEyfzMroAKV9mZiZms5nw8PAy58PDw9mxY4dBVUl1i///9u4/pqr6j+P463bjMuQSP7zEBX9cUbxqBogykVisIlFqbJUzRxszprTqSt6USi1kbKz1YzMbmX+49WuLZjWqrVmuGf1iWjmjK9Uwbgqr0FZMix+LBef7R/Ou20X8pgcO6POxne2e8znnfl67n33G3pxfeXl66aWXNG/ePHV3d6uurk7XX3+92traFBcXZ3U8jIOTJ09K0ohz/2wbLj0rV67UHXfcofT0dAWDQW3btk0lJSU6ePCg7Ha71fFgguHhYfn9fhUUFOjaa6+V9Pd8dzgcSkhICNuX+X7pGGncJemuu+6Sx+NRWlqaAoGAHnnkEbW3t6upqcnCtDADxRUwgZSUlIQ+Z2VlKS8vTx6PR6+//rrWrVtnYTIAY+mfl3tmZmYqKytLc+bM0UcffaSioiILk8EsPp9PbW1t3Ed7mTnXuN9zzz2hz5mZmUpNTVVRUZGCwaDmzJkz3jFhIi4LnKBcLpfsdnvEE4NOnTolt9ttUSqMt4SEBHm9XnV0dFgdBePk7Pxm7l/eZs+eLZfLxdy/RGzYsEHvvvuumpubNX369NB2t9utwcFBnT59Omx/5vul4VzjPpK8vDxJYs5fAiiuJiiHw6ElS5bowIEDoW3Dw8M6cOCA8vPzLUyG8dTb26tgMKjU1FSro2CcpKeny+12h83933//XZ9//jlz/zLy448/6rfffmPuT3KGYWjDhg1666239OGHHyo9PT2sfcmSJYqKigqb7+3t7erq6mK+T2LnG/eRnH2QFXN+8uOywAls06ZNWrt2rXJzc7V06VLt3LlTfX19qqiosDoaxkh1dbVKS0vl8Xj0888/q7a2Vna7XWVlZVZHg4l6e3vD/jt5/Phxtba2KikpSTNnzpTf71d9fb3mzp2r9PR01dTUKC0tLezpcphcRhvzpKQk1dXVadWqVXK73QoGg3r44YeVkZGhFStWWJgaF8vn86mxsVHvvPOO4uLiQvdRxcfHKyYmRvHx8Vq3bp02bdqkpKQkXXXVVaqqqlJ+fj5PCpzEzjfuwWBQjY2NuuWWWzR16lQFAgE9+OCDKiwsVFZWlsXpcdEMTGgNDQ3GzJkzDYfDYSxdutQ4dOiQ1ZEwhtasWWOkpqYaDofDmDZtmrFmzRqjo6PD6lgwWXNzsyEpYlm7dq1hGIYxPDxs1NTUGCkpKUZ0dLRRVFRktLe3WxsaF2W0Me/v7zeKi4uN5ORkIyoqyvB4PEZlZaVx8uRJq2PjIo005pKMF198MbTPwMCAcf/99xuJiYnGlClTjNtvv93o7u62LjQu2vnGvauryygsLDSSkpKM6OhoIyMjw3jooYeMM2fOWBscpuA9VwAAAABgAu65AgAAAAATUFwBAAAAgAkorgAAAADABBRXAAAAAGACiisAAAAAMAHFFQAAAACYgOIKAAAAAExAcQUAAAAAJqC4AgBMCnfffbduu+02y/ovLy/X448/HlqfNWuWdu7cOeoxNptNb7/9tin9f/vtt5o+fbr6+vpM+T4AgPmutDoAAAA2m23U9traWj377LMyDGOcEoX7+uuvtW/fPu3evfs/Hdfd3a3ExERTMlxzzTVatmyZduzYoZqaGlO+EwBgLoorAIDluru7Q5/37t2r7du3q729PbTN6XTK6XRaEU2S1NDQoNWrV//nDG6329QcFRUVqqys1NatW3XllfwJB4CJhssCAQCWc7vdoSU+Pl42my1sm9PpjLgs8IYbblBVVZX8fr8SExOVkpKiPXv2qK+vTxUVFYqLi1NGRobee++9sL7a2tpUUlIip9OplJQUlZeX69dffz1ntqGhIb355psqLS2NaPvjjz9UVlam2NhYTZs2Tbt27Qpr/+dlgSdOnJDNZlNTU5NuvPFGTZkyRdnZ2Tp48GBo/87OTpWWlioxMVGxsbFauHCh9u3bF2pfvny5enp69PHHH/+XnxcAME4orgAAk9bLL78sl8ulL774QlVVVbrvvvu0evVqXXfddTpy5IiKi4tVXl6u/v5+SdLp06d10003KScnR4cPH9b777+vU6dO6c477zxnH4FAQGfOnFFubm5E29NPP63s7Gx99dVX2rJlizZu3KgPPvhg1MyPPvqoqqur1draKq/Xq7KyMv3111+SJJ/Ppz///FOffPKJjh49qieffDLsbJnD4dCiRYv06aefXsjPBQAYY1xTAACYtLKzs/XYY49JkrZu3aonnnhCLpdLlZWVkqTt27dr9+7dCgQCWrZsmZ577jnl5OSEPZjihRde0IwZM3Ts2DF5vd6IPjo7O2W323X11VdHtBUUFGjLli2SJK/Xq5aWFj3zzDNavnz5OTNXV1fr1ltvlSTV1dVp4cKF6ujo0Pz589XV1aVVq1YpMzNTkjR79uyI49PS0tTZ2fn//kQAgHHEmSsAwKSVlZUV+my32zV16tRQYSJJKSkpkqRffvlF0t8Ppmhubg7dw+V0OjV//nxJUjAYHLGPgYEBRUdHj/jQjfz8/Ij177777v/OnJqaGpbvgQceUH19vQoKClRbW6tAIBBxfExMTOhMHABgYqG4AgBMWlFRUWHrNpstbNvZgmh4eFiS1Nvbq9LSUrW2toYt33//vQoLC0fsw+Vyqb+/X4ODg6Zn/ne+9evX64cfflB5ebmOHj2q3NxcNTQ0hB3f09Oj5ORkU7IAAMxFcQUAuGwsXrxY33zzjWbNmqWMjIywJTY2dsRjFi1aJOnv90z926FDhyLWFyxYcFEZZ8yYoXvvvVdNTU3avHmz9uzZE9be1tamnJyci+oDADA2KK4AAJcNn8+nnp4elZWV6csvv1QwGNT+/ftVUVGhoaGhEY9JTk7W4sWL9dlnn0W0tbS06KmnntKxY8e0a9cuvfHGG9q4ceMF5/P7/dq/f7+OHz+uI0eOqLm5OaxYO3HihH766SfdfPPNF9wHAGDsUFwBAC4baWlpamlp0dDQkIqLi5WZmSm/36+EhARdccW5/ySuX79er776asT2zZs36/Dhw8rJyVF9fb127NihFStWXHC+oaEh+Xw+LViwQCtXrpTX69Xzzz8fan/ttddUXFwsj8dzwX0AAMaOzbDqdfcAAEwSAwMDmjdvnvbu3RvxEIvxMjg4qLlz56qxsVEFBQWWZAAAjI4zVwAAnEdMTIxeeeWVUV82PNa6urq0bds2CisAmMA4cwUAAAAAJuDMFQAAAACYgOIKAAAAAExAcQUAAAAAJqC4AgAAAAATUFwBAAAAgAkorgAAAADABBRXAAAAAGACiisAAAAAMAHFFQAAAACY4H+SVOZMr6BABAAAAABJRU5ErkJggg==", "text/plain": [ "
" ] @@ -908,47 +956,22 @@ } ], "source": [ - "import matplotlib.pyplot as plt\n", - "import torch\n", - "\n", - "def plot_psth(data, title, bin_size=10):\n", - " \"\"\"\n", - " Plot Peri-Stimulus Time Histogram (PSTH) for given data.\n", - " :param data: a tensor containing the neural data of shape [conditions, delays, time, features]\n", - " :param title: a string for the plot title\n", - " :param bin_size: size of time bins for averaging\n", - " \"\"\"\n", - " # Averaging neural activity across conditions, delays for each time bin\n", - " mean_data = data.mean(dim=(0, 1)) # Mean across conditions and delays\n", - "\n", - " # Number of bins\n", - " n_bins = mean_data.shape[0] // bin_size\n", - "\n", - " # Prepare the data for plotting\n", - " binned_data = mean_data[:n_bins*bin_size].unfold(0, bin_size, bin_size).mean(dim=2)\n", - "\n", - " # Plot\n", - " plt.figure(figsize=(10, 6))\n", - " for i in range(binned_data.shape[1]): # Iterate over each feature/channel\n", - " plt.plot(binned_data[:, i], label=f'Feature {i+1}')\n", - " plt.xlabel('Time (bins)')\n", - " plt.ylabel('Average Activity')\n", - " plt.title(title)\n", - " plt.legend()\n", - " plt.show()\n", + "file_path = 'condsForSimJ2moMuscles.mat' \n", + "normalised_inputs, output, num_conditions, num_delays = prepare_dataset(file_path)\n", "\n", - "plot_psth(muscle_tensor, \"PSTH for Arm Movement\")\n" + "# Plot PSTH for arm movement\n", + "plot_psth(output, \"PSTH for Arm Movement\")" ] }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 14, "id": "fa5362de-9acf-4380-af3b-68acded8eb1f", "metadata": {}, "outputs": [ { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAA/IAAAK9CAYAAACHG1c1AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjYuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8o6BhiAAAACXBIWXMAAA9hAAAPYQGoP6dpAAEAAElEQVR4nOzdeVhU9f4H8PfsC7uyKwoi4IqDmmuKC6nV1Wx165pWZvUzcys1S9Q0l7TULG3T0qysm5ndupqZWplLqai5i+DKLjAwAzPDzPn9QTM5gcggcAZ4v55nHoYzZ/kcFuU9300iCIIAIiIiIiIiIqoTpGIXQERERERERESVxyBPREREREREVIcwyBMRERERERHVIQzyRERERERERHUIgzwRERERERFRHcIgT0RERERERFSHMMgTERERERER1SEM8kRERERERER1CIM8ERERERERUR3CIE9ERASgpKQEL774IsLCwiCVSjF06NBqO/fu3bshkUiwe/fuW+7bp08f9OnTp1rPWZeEh4djzJgxNXqNyn6Na0Jt3N/NzJkzBxKJRJRrExFR9WKQJyJqoD766CNIJBLHQ61WIzo6GhMmTEBGRobTvqmpqRg7diwiIyOhVqsRHByM3r17IzExsdxz3ewRHh4O4O9AkZ2dXW5t4eHh+Ne//lWj9/9Pa9euxeuvv46HHnoIH3/8MSZPnnzTffv06YN27dqV+1pqaiokEgmWLl1aU6WKrqL7z87OhkQiwZw5c6rlWidPnsScOXOQmppaLeerKcePH8dDDz2E5s2bQ61Wo0mTJrjrrrvw1ltviV1atRgzZozT77JKpUJ0dDRmz56N4uLiMvvb91u2bFmZ1+z/Xvzxxx+ObfZ/E4KCgmA0GsscI8a/CURE7kwudgFERCSuefPmISIiAsXFxfj111+xevVqfP/99/jzzz+h1Wpx/vx53HHHHdBoNHj88ccRHh6OtLQ0HD58GIsXL8bcuXPRu3dvbNiwwem8Tz75JLp06YKnnnrKsc3T07O2b6/SfvrpJzRp0gRvvvlmtZ+7d+/eKCoqglKprPZz1zdnzpyBVPp3O8PJkycxd+5c9OnTx/FG0O364YcfquU8dr/99hv69u2LZs2aYdy4cQgODsbly5exf/9+rFixAs8995xj33/eX12iUqnwwQcfAADy8/PxzTff4NVXX0VycjI2btxY7jGvv/46nnnmGWi12kpdIzMzE6tXr8bUqVOrrW4iovqIQZ6IqIG7++670blzZwCl4btx48Z444038M0332DEiBF48803UVhYiKSkJDRv3tzp2MzMTABAixYt0KJFC6fXnn76abRo0QKPPvpo7dzIbcrMzISvr2+NnFsqlUKtVtfIuesblUpV49eo7jdUFixYAB8fH/z+++9lfobsvyN2tXF/NUUulzv9Pj/77LPo0aMHPvvsM7zxxhsICgpy2l+n0yEpKQlr1qzBlClTKnUNnU6H119/Hc8++yw0Gk211k9EVJ/UzbeEiYioxvTr1w8AkJKSAgBITk5G06ZNy4R4AAgMDKy1uj7//HN06tQJXl5e8Pb2Rvv27bFixYpbHmcwGDB16lSEhYVBpVIhJiYGS5cuhSAIAP7uCr9r1y6cOHHC0SW4Osee32w8+3vvvYfIyEhoNBp06dIFv/zyS7nHX7lyBUOHDoWHhwcCAwMxefJkmEymcvc9cOAABg0aBB8fH2i1WsTHx2Pv3r1O+9i7MZ8/fx5jxoyBr68vfHx8MHbs2HK7Nd8uV6534xjyjz76CA8//DAAoG/fvmW+N3/88QcGDhwIf39/aDQaRERE4PHHH79lPf8cI2///nzxxRdYsGABmjZtCrVajf79++P8+fO3PF9ycjLatm1b7htB//wd+ecYeXs3819//RUTJ05EQEAAfH19MX78eJjNZuTl5WH06NHw8/ODn58fXnzxRcfPLuA8lOPNN99E8+bNodFoEB8fjz///POWtQPAJ598gk6dOkGj0aBRo0YYPnw4Ll++fMvjJBIJ7rzzTgiCgAsXLpR5vWfPnujXrx+WLFmCoqKiStUye/ZsZGRkYPXq1ZXan4iooWKLPBEROUlOTgYANG7cGADQvHlz/Pjjj/jpp58cIb+6XL9+vdztNpvN6fMdO3ZgxIgR6N+/PxYvXgwAOHXqFPbu3Yvnn3/+pucXBAFDhgzBrl278MQTT0Cn02H79u144YUXcPXqVbz55psICAjAhg0bsGDBAhQWFmLhwoUAgNatW1dYu9VqLXeMf25uboXH2X344YcYP348evTogUmTJuHChQsYMmQIGjVqhLCwMMd+RUVF6N+/Py5duoSJEyciNDQUGzZswE8//VTmnD/99BPuvvtudOrUCYmJiZBKpVi3bh369euHX375BV26dHHa/5FHHkFERAQWLlyIw4cP44MPPkBgYKDja1zdXL1e7969MXHiRKxcuRIvvfSS43vSunVrZGZmYsCAAQgICMCMGTPg6+uL1NRUbN68ucr1LVq0CFKpFNOmTUN+fj6WLFmCUaNG4cCBAxUe17x5c+zbtw9//vnnTecOuJXnnnsOwcHBmDt3Lvbv34/33nsPvr6++O2339CsWTO89tpr+P777/H666+jXbt2GD16tNPx69evR0FBAf7v//4PxcXFWLFiBfr164fjx4+XaSm/0YIFC/DKK6/gkUcewZNPPomsrCy89dZb6N27N44cOXLLXir2uQv8/PzKfX3OnDno3bs3Vq9eXalW+V69ejnC/zPPPMNWeSKimxGIiKhBWrdunQBA+PHHH4WsrCzh8uXLwueffy40btxY0Gg0wpUrVwRBEIQ///xT0Gg0AgBBp9MJzz//vLBlyxbBYDBUeH4PDw/hscceK/e1xMREAUCFj3vvvdex//PPPy94e3sLJSUlLt3jli1bBADC/PnznbY/9NBDgkQiEc6fP+/YFh8fL7Rt27ZS542Pj79l/a+//rpj/127dgkAhF27dgmCIAhms1kIDAwUdDqdYDKZHPu99957AgAhPj7esW358uUCAOGLL75wbDMYDELLli2dzmmz2YSoqChh4MCBgs1mc+xrNBqFiIgI4a677nJss3/9H3/8caf7uv/++4XGjRtX6v5v9rXKysoSAAiJiYlVul7z5s2dfm6+/PJLp/u0+/rrrwUAwu+//37Lesur/8avsf3707p1a6fvx4oVKwQAwvHjxys83w8//CDIZDJBJpMJ3bt3F1588UVh+/btgtlsLrPvP+/P/nv4z+9b9+7dBYlEIjz99NOObSUlJULTpk2dak9JSREAOP3OCoIgHDhwQAAgTJ482bHN/n2wS01NFWQymbBgwQKnGo8fPy7I5XKn7Y899pjg4eEhZGVlCVlZWcL58+eFpUuXChKJRGjXrp1T7YIgCACE//u//xMEQRD69u0rBAcHC0aj0emeb/ze2WvLysoS9uzZIwAQ3njjDaev243/JhARNXTsWk9E1MAlJCQgICAAYWFhGD58ODw9PfH111+jSZMmAIC2bdsiKSkJjz76KFJTU7FixQoMHToUQUFBeP/992/r2l999RV27NhR5vHPFkRfX18YDAbs2LHDpfN///33kMlkmDhxotP2qVOnQhAE/O9//6ty7eHh4eXW/sknn9zy2D/++AOZmZl4+umnncZrjxkzBj4+PmXuISQkBA899JBjm1ardZpEEACSkpJw7tw5jBw5Ejk5OcjOzkZ2djYMBgP69++Pn3/+uUxPh6efftrp8169eiEnJwd6vb7SXwdXVOf17C3F//3vf2GxWKqjPIwdO9bp+9GrVy8AKLfb+I3uuusu7Nu3D0OGDMHRo0exZMkSDBw4EE2aNMHWrVsrde0nnnjCaWm4rl27QhAEPPHEE45tMpkMnTt3LreeoUOHOn5nAaBLly7o2rUrvv/++5tec/PmzbDZbHjkkUccPy/Z2dkIDg5GVFQUdu3a5bS/wWBAQEAAAgIC0LJlS0ybNg09e/bEN998U+GydnPmzEF6ejrWrFlTqa9F79690bdvX5e65BMRNTTsWk9E1MC9/fbbiI6OhlwuR1BQEGJiYsrMqh0dHY0NGzbAarXi5MmT+O9//4slS5bgqaeeQkREBBISEqp07d69e8Pf37/M9n9ODPfss8/iiy++wN13340mTZpgwIABeOSRRzBo0KAKz3/x4kWEhobCy8vLabu9i/bFixerVDcAeHh4lHvflVkmzX7dqKgop+0KhaLMpIEXL15Ey5YtywSlmJgYp8/PnTsHAHjsscduet38/HynLtDNmjVzet3+Wm5uLry9vW95HxUpL9hV5/Xi4+Px4IMPYu7cuXjzzTfRp08fDB06FCNHjqzyhHIV1Xcrd9xxBzZv3gyz2YyjR4/i66+/xptvvomHHnoISUlJaNOmjUvXtr+hc+MwC/v28ur5588SUPp7+8UXX9z0mufOnYMgCOUeC5T+PN5IrVbj22+/BVA6b8OSJUuQmZl5y+7vNwbzf76ZczNz5sxBfHw81qxZU+FSkEREDRWDPBFRA9elSxfHrPW3IpPJ0L59e7Rv3x7du3dH3759sXHjxioH+coKDAxEUlIStm/fjv/973/43//+h3Xr1mH06NH4+OOPa/TadYW9tf3111+HTqcrd59/Lv8nk8nK3U+4YTK18qjV6pu2lNonrytvlv6qXq88EokE//nPf7B//358++232L59Ox5//HEsW7YM+/fvr9JSh9VRn1KpxB133IE77rgD0dHRGDt2LL788kskJiZW6drlba/K16s8NpsNEokE//vf/8q9Tnk/Lzf+rg8cOBCtWrXC+PHjb9nzIDExEX369MG7775bqdUhevfujT59+rgU/omIGhJ2rScioiqxh/+0tLRauZ5SqcTgwYPxzjvvIDk5GePHj8f69esrnFW8efPmuHbtGgoKCpy2nz592vG6GOzXtbei21ksFsdqATfum5ycXCa8nTlzxunzyMhIAIC3tzcSEhLKffyzhfV26r98+XK5Yd5eV3V9bSvqsg0A3bp1w4IFC/DHH39g48aNOHHiBD7//PNqufbtqs3fkX/+LAHA2bNnER4eftNjIiMjIQiCo1fNPx/dunWr8JohISGYPHkyvv32W+zfv7/CfePj49GnTx8sXry40t3l7V3y33333UrtT0TUkDDIExFRhX755ZdyxyDbx97+s4t3TcjJyXH6XCqVIjY2FgBuugwbANxzzz2wWq1YtWqV0/Y333wTEokEd999d/UXWwmdO3dGQEAA1qxZA7PZ7Nj+0UcfIS8vz2nfe+65B9euXcN//vMfxzaj0Yj33nvPab9OnTohMjISS5cuRWFhYZlrZmVlVVv999xzDywWS5mAZbPZsHr1aiiVSvTv379aruXh4QEAZb4uubm5Zd7csPdEqOhnoibs2rWr3Fby2vwd2bJlC65ever4/ODBgzhw4ECFP+MPPPAAZDIZ5s6dW6Z+QRDK/N6V57nnnoNWq8WiRYtuua89mP/zZ/dmbgz/xcXFlTqGiKihYNd6IiKq0OLFi3Ho0CE88MADjvB8+PBhrF+/Ho0aNcKkSZNqvIYnn3wS169fR79+/dC0aVNcvHgRb731FnQ6XYXLxA0ePBh9+/bFrFmzkJqaig4dOuCHH37AN998g0mTJjlasWubQqHA/PnzMX78ePTr1w/Dhg1DSkoK1q1bV2aM/Lhx47Bq1SqMHj0ahw4dQkhICDZs2ACtVuu0n1QqxQcffIC7774bbdu2xdixY9GkSRNcvXoVu3btgre3t2N88+0aPHgwBgwYgMmTJ+PgwYPo0aMHjEYjtm7dir1792L+/PkICAiolmvpdDrIZDIsXrwY+fn5UKlU6NevHz799FO88847uP/++xEZGYmCggK8//778Pb2xj333FMt166s5557DkajEffffz9atWoFs9mM3377DZs2bUJ4eDjGjh1b4zW0bNkSd955J5555hmYTCYsX74cjRs3xosvvnjTYyIjIzF//nzMnDkTqampGDp0KLy8vJCSkoKvv/4aTz31FKZNm1bhdRs3boyxY8finXfewalTpyr8fYyPj0d8fDz27NlT6ftKTExE3759K70/EVFDwSBPREQVeumll/Dpp59iz5492LhxI4xGI0JCQjB8+HC88soriIiIqPEaHn30Ubz33nt45513kJeXh+DgYAwbNgxz5swpMzHfjaRSKbZu3YrZs2dj06ZNWLduHcLDw/H6669j6tSpNV53RZ566ilYrVa8/vrreOGFF9C+fXts3boVr7zyitN+Wq0WO3fuxHPPPYe33noLWq0Wo0aNwt13311msr8+ffpg3759ePXVV7Fq1SoUFhYiODgYXbt2xfjx46utdvvXddGiRfj888+xefNmyOVytG/fHp988glGjRpVbdcKDg7GmjVrsHDhQjzxxBOwWq3YtWsX4uPjcfDgQXz++efIyMiAj48PunTpgo0bN9bKz+SNli5dii+//BLff/893nvvPZjNZjRr1gzPPvssXn755UqNCb9do0ePhlQqxfLly5GZmYkuXbpg1apVCAkJqfC4GTNmIDo6Gm+++Sbmzp0LoHSCvQEDBmDIkCGVuvaUKVOwZs0aLF68GB999FGF+86ZM8elYN6nTx+Xwz8RUUMgEaprxhQiIiIiqlWpqamIiIjA66+/fsvWcyIiqj84Rp6IiIiIiIioDmGQJyIiIiIiIqpDGOSJiIiIiIiI6hCOkSciIiIiIiKqQ9giT0RERERERFSHMMgTERERERER1SFcR74cNpsN165dg5eXFyQSidjlEBERERERUT0nCAIKCgoQGhoKqbTiNncG+XJcu3YNYWFhYpdBREREREREDczly5fRtGnTCvdhkC+Hl5cXgNIvoLe3t8jVEBERERERUX2n1+sRFhbmyKMVYZAvh707vbe3N4M8ERERERER1ZrKDO/mZHdEREREREREdQiDPBEREREREVEdwiBPREREREREVIdwjDwREREREVEdIQgCSkpKYLVaxS6FXCSTySCXy6tliXMGeSIiIiIiojrAbDYjLS0NRqNR7FKoirRaLUJCQqBUKm/rPAzyREREREREbs5msyElJQUymQyhoaFQKpXV0rJLtUMQBJjNZmRlZSElJQVRUVGQSqs+0p1BnoiIiIiIyM2ZzWbYbDaEhYVBq9WKXQ5VgUajgUKhwMWLF2E2m6FWq6t8Lk52R0REREREVEfcTisuia+6vn/8KSAiIiIiIiKqQxjkiYiIiIiIiOoQBnkiIiIiIiKiOoRBnoiIiIiIiGrMmDFjIJFIsGjRIqftW7ZsqfMz77/33nvo06cPvL29IZFIkJeXVyvXZZAnIiIiIiKiGqVWq7F48WLk5ubW+rUtFkuNndtoNGLQoEF46aWXauwa5WGQJyIiIiIiqoMEQYDRXCLKQxAEl2pNSEhAcHAwFi5cWOF+v/76K3r16gWNRoOwsDBMnDgRBoPB8bpEIsGWLVucjvH19cVHH30EAEhNTYVEIsGmTZsQHx8PtVqNjRs3wmazYd68eWjatClUKhV0Oh22bdvmOIf9uM2bN6Nv377QarXo0KED9u3bV2G9kyZNwowZM9CtWzeXvh63i+vIExERERER1UFFFivazN4uyrVPzhsIrbLycVImk+G1117DyJEjMXHiRDRt2rTMPsnJyRg0aBDmz5+PtWvXIisrCxMmTMCECROwbt06l+qbMWMGli1bhri4OKjVaqxYsQLLli3Du+++i7i4OKxduxZDhgzBiRMnEBUV5Thu1qxZWLp0KaKiojBr1iyMGDEC58+fh1zuXtGZLfJERERERERU4+6//37odDokJiaW+/rChQsxatQoTJo0CVFRUejRowdWrlyJ9evXo7i42KVrTZo0CQ888AAiIiIQEhKCpUuXYvr06Rg+fDhiYmKwePFi6HQ6LF++3Om4adOm4d5770V0dDTmzp2Lixcv4vz581W95RrjXm8rEBERERERUaVoFDKcnDdQtGtXxeLFi9GvXz9MmzatzGtHjx7FsWPHsHHjRsc2QRBgs9mQkpKC1q1bV/o6nTt3djzX6/W4du0aevbs6bRPz549cfToUadtsbGxjuchISEAgMzMTLRq1arS164NDPJERERERER1kEQical7uzvo3bs3Bg4ciJkzZ2LMmDFOrxUWFmL8+PGYOHFimeOaNWsGoPSe/zk+v7zJ7Dw8PKpUn0KhcDy3z6hvs9mqdK6aVLe+60RERERERFSnLVq0CDqdDjExMU7bO3bsiJMnT6Jly5Y3PTYgIABpaWmOz8+dOwej0Vjh9by9vREaGoq9e/ciPj7esX3v3r3o0qVLFe9CXAzyREREREREVGvat2+PUaNGYeXKlU7bp0+fjm7dumHChAl48skn4eHhgZMnT2LHjh1YtWoVAKBfv35YtWoVunfvDqvViunTpzu1ot/MCy+8gMTERERGRkKn02HdunVISkpy6sZfFenp6UhPT3eMoz9+/Di8vLzQrFkzNGrU6LbOXRFOdkdERERERES1at68eWW6rMfGxmLPnj04e/YsevXqhbi4OMyePRuhoaGOfZYtW4awsDD06tULI0eOxLRp06DVam95vYkTJ2LKlCmYOnUq2rdvj23btmHr1q1OM9ZXxZo1axAXF4dx48YBKB06EBcXh61bt97WeW9FIri6AGADoNfr4ePjg/z8fHh7e4tdDhERERERNXDFxcVISUlBREQE1Gq12OVQFVX0fXQlh7JFnoiIiIiIiKgO4Rh5IiIiqjcEQYDBYoDerEeBuQB6sx4WqwUCBNgEGwQIjv2UMiXUcjVUMhXUcjXUMjU0cg28lF6QS/knEhERuS/+L0VERER1hiAIyDBmIDkvGcl5ybiov4hrhmu4VngN2UXZKLQUwibc/jJBngpPeCu94aPygbfSG94qb8fnfio/NNY0RmNNY/hr/NFY3Rh+aj9IJezoSEREtYNBnoiIiNyW1WbFnzl/4kDaARzLOobj2cdxvfj6LY9TSpXwVnnDU+EJlUwFiUQCCSSOjwBgtplRXFIMU4kJxdZimKwmmKwmAEChpRCFlkJcM1yrVJ0yiQx+aj9HsHcEfbW/U+D31/jDR+XjWJuYiIioKhjkiYiIyK2YrCb8fOVnbE/djn3X9kFv1ju9LpfI0cy7GSJ9IxHuHY4mnk0Q6hmKQG2go/VcJVNV6dolthJHl/x8U77j443Pc025yC7KRk5RDnKKcpBryoVVsCK7KBvZRdm3vIZcKneEen9NadC/8fMbH1rFrWdiJiKihodBnoiIiNzCyZyT+Pz059hxcQcKLYWO7V5KL3QL6Ya4wDi092+P1o1bVzmo34pcKoef2g9+ar9KH2OxWZBbnIucopzSgF+c4xT07Z9nF2VDb9ajxFaCDGMGMowZtzy3Rq4pE/odH9X+TtuVMuXt3DoREdUhDPJEREQkGkEQ8NOln7D+5Hoczjzs2B7sEYy7w+9Gv2b90M6/nVtPPqeQKhCoDUSgNvCW+5qtZlwvvu4I+vaA/883ALKLsmEsMaKopAhXCq/gSuGVW57bW+kNf40/GqkbwU/tB1+Vr+Nh//zG7R4KD3bxJyKqo9z3f0UiIiKqtwRBwL5r+7DiyAqczDkJoLTL/IDwAXg4+mF0DOpYLyePU8qUCPYIRrBH8C33NVqMpaG+OLtM8Hc8Ly59brFZoDfroTfrcSH/QqVqkUvl8FX5wkvpVfpQeMFT6emY6M/+3P66p8ITnkpPaOQaaOVaaBVaqGVqyKSy2/2yVKiopAhZxixkGDOQZcxCpjETmUWZyDRmIsuYBYvNgii/KLRq1Ap3BN2Bln4ta7QeIiJ3wCBPREREtepywWXM3z8fv137DQCglWsxqvUoDG81vFKt2g2FVlEalsO8wyrcTxAE6M165BTlIKsoC7nFucgz5SHXlIu84r8/2rflFufCZDWhxFZS6XH9FbEv26dVaB0hX6PQOAV+x3a5BiqZCgIECILg9LGopMgxP0GWMQtZRaXhvcBccMsajmcfdzy/L/I+TOo0Cf4a/9u6LyIid8YgT0RERLXCarPik1OfYNWRVSi2FkMhVWBYzDCMix2HRupGYpdXZ0kkEviofOCj8kEL3xaVOqaopMgR8gvNhSiwFKDAXOB4XmguLP3cUui03WAxoKikCEaLEQIEAECxtRjF1mLkmnJr7B41co1j+EKAJgBB2qDS59oASCDB6eun8Wf2n9iXtg/fJH+DHy/9iCmdpuCRmEdqrCYiIjExyBMREVGNyzBk4IWfX8CRzCMAgDuC78Cc7nPQzLuZyJU1TBq5BhpPDUI8Q6p0vCAIMFlNjnH8RstfH0uMKLKUfrzx+Y37mK1mQALHcoBSSCGRSKCWqR3d+P01/gjQ/h3YPRWeFY7nHxA+AABwLOsYFh5YiD9z/sSr+1+FRq7B4MjBVbpHIqo+Y8aMwccff4yFCxdixowZju1btmzB/fffD0EQRKyu6q5fv47ExET88MMPuHTpEgICAjB06FC8+uqr8PHxqdFru0WQf/vtt/H6668jPT0dHTp0wFtvvYUuXbrc8rjPP/8cI0aMwH333YctW7Y4tguCgMTERLz//vvIy8tDz549sXr1akRFRdXgXRAREVF5DqYdxAs/v4DrxdfhqfDE1M5T8WDUg5xorQ6TSCRQy9VQy9Vil+IkNiAWG+/diDcPvYmPTnyEOb+VvlnUIaCD2KURNXhqtRqLFy/G+PHj4edX+ZVBqoPFYoFCoaj28167dg3Xrl3D0qVL0aZNG1y8eBFPP/00rl27hv/85z/Vfr0biT6LzKZNmzBlyhQkJibi8OHD6NChAwYOHIjMzMwKj0tNTcW0adPQq1evMq8tWbIEK1euxJo1a3DgwAF4eHhg4MCBKC4urqnbICIionJsPLUR43aMw/Xi64j2i8amf23CQ9EPMcRTjZFKpJjcaTL6hvWF2WbG8z89j3RDuthlEdUMQQDMBnEeLraiJyQkIDg4GAsXLqxwv19//RW9evWCRqNBWFgYJk6cCIPB4HhdIpE4NeICgK+vLz766CMApTlRIpFg06ZNiI+Ph1qtxsaNG2Gz2TBv3jw0bdoUKpUKOp0O27Ztc5zDftzmzZvRt29faLVadOjQAfv27btpre3atcNXX32FwYMHIzIyEv369cOCBQvw7bffoqSkxKWvj6tEb5F/4403MG7cOIwdOxYAsGbNGnz33XdYu3atU7eLG1mtVowaNQpz587FL7/8gry8PMdrgiBg+fLlePnll3HfffcBANavX4+goCBs2bIFw4cPr/F7IiIiaugEQcDbSW/j3WPvAgCGRA7By91ehkauEbkyagikEikW9VqEf//v3zibexYv7HkB6+9ezzeQqP6xGIHXQsW59kvXAKVHpXeXyWR47bXXMHLkSEycOBFNmzYts09ycjIGDRqE+fPnY+3atcjKysKECRMwYcIErFu3zqXyZsyYgWXLliEuLg5qtRorVqzAsmXL8O677yIuLg5r167FkCFDcOLECaee27NmzcLSpUsRFRWFWbNmYcSIETh//jzk8spF5/z8fHh7e1d6/6oStUXebDbj0KFDSEhIcGyTSqVISEio8J2PefPmITAwEE888USZ11JSUpCenu50Th8fH3Tt2vWm5zSZTNDr9U4PIiIiqhqbYMOig4scIf65uOcwv+d8hniqVVqFFm/1ewtqmRpJWUnYd+3mf1sSUe24//77odPpkJiYWO7rCxcuxKhRozBp0iRERUWhR48eWLlyJdavX+9y7+pJkybhgQceQEREBEJCQrB06VJMnz4dw4cPR0xMDBYvXgydTofly5c7HTdt2jTce++9iI6Oxty5c3Hx4kWcP3++UtfMzs7Gq6++iqeeesqlWqtC1Bb57OxsWK1WBAUFOW0PCgrC6dOnyz3m119/xYcffoikpKRyX09PT3ec45/ntL/2TwsXLsTcuXNdrJ6IiIj+SRAELNi/AF+c/QIAMKvrLAxvxd5wJI5Qz1A8FP0QPjn1Cd499i66h3ZnqzzVLwptacu4WNeugsWLF6Nfv36YNm1amdeOHj2KY8eOYePGjY5tgiDAZrMhJSUFrVu3rvR1Onfu7Hiu1+tx7do19OzZ02mfnj174ujRo07bYmNjHc9DQkonBM3MzESrVq0qvJ5er8e9996LNm3aYM6cOZWus6pE71rvioKCAvz73//G+++/D3//6lsbdObMmZgyZYrjc71ej7CwitdsJSIiorJWH12NL85+AQkkWHDnAs4YTqIb03YMNp3ZhMOZh/FHxh+4I/gOsUsiqj4SiUvd291B7969MXDgQMycORNjxoxxeq2wsBDjx4/HxIkTyxzXrFnpKicSiaTMLPcWi6XM/h4eVfu63Dgpnv2NP5vNVuExBQUFGDRoELy8vPD111/XyMR6/yRqkPf394dMJkNGRobT9oyMDAQHB5fZPzk5GampqRg8+O8/CuxfVLlcjjNnzjiOy8jIcLyDYv9cp9OVW4dKpYJKpbrd2yEiImrQNp3ehNVHVwMAXu72MkM8uYUgjyA8EPUANp3ZhPeOvccgT+QGFi1aBJ1Oh5iYGKftHTt2xMmTJ9GyZcubHhsQEIC0tDTH5+fOnYPRaKzwet7e3ggNDcXevXsRHx/v2L53795KrZZWEb1ej4EDB0KlUmHr1q1Qq2tnNQ9Rx8grlUp06tQJO3fudGyz2WzYuXMnunfvXmb/Vq1a4fjx40hKSnI8hgwZgr59+yIpKQlhYWGIiIhAcHCw0zn1ej0OHDhQ7jmJiIjo9u26tAsLDiwAADzT4Rk8EvOIyBUR/e3xdo9DLpFjf9p+HM06eusDiKhGtW/fHqNGjcLKlSudtk+fPh2//fYbJkyYgKSkJJw7dw7ffPMNJkyY4NinX79+WLVqFY4cOYI//vgDTz/9dKVawF944QUsXrwYmzZtwpkzZzBjxgwkJSXh+eefr/J96PV6DBgwAAaDAR9++CH0ej3S09ORnp4Oq9Va5fNWhuhd66dMmYLHHnsMnTt3RpcuXbB8+XIYDAbHLPajR49GkyZNsHDhQqjVarRr187peF9fXwBw2j5p0iTMnz8fUVFRiIiIwCuvvILQ0FAMHTq0tm6LiIiowbiov4iXfn0JAgQ8FP0QnunwjNglETkJ9QzF4MjB+Pr81/joz4/wZt83xS6JqMGbN28eNm3a5LQtNjYWe/bswaxZs9CrVy8IgoDIyEgMGzbMsc+yZcswduxY9OrVC6GhoVixYgUOHTp0y+tNnDgR+fn5mDp1KjIzM9GmTRts3brVacZ6Vx0+fBgHDhwAgDK9CFJSUhAeHl7lc9+KRPjnAAMRrFq1Cq+//jrS09Oh0+mwcuVKdO3aFQDQp08fhIeHO9YF/KcxY8YgLy/PaS1BQRCQmJiI9957D3l5ebjzzjvxzjvvIDo6ulL16PV6+Pj4OJYOICIiovIZLUY8+r9HcS73HOIC4/DhwA+hkNb82EAiV52+fhoPf/swVDIVfh72M7RVnKiLSCzFxcVISUlBRERErXXfpupX0ffRlRzqFkHe3TDIExER3ZogCJjxywx8n/I9Gqsb44vBXyBQGyh2WUTlEgQB92y+B1cKr2BZ/DIMCB8gdklELmGQrx+qK8iLOkaeiIiI6q4t57fg+5TvIZPIsDR+KUM8uTWJRIKE5gkAgB8v/ShyNUREt4dBnoiIiFyWbkjHkt+XAAAmxE1A5+DOtziCSHz9m/UHAPx85WeYrWaRqyEiqjoGeSIiInKJIAiYvXc2Ci2FiA2Ixdi2Y8UuiahSYgNiEaAJgMFiwIG0A2KXQ0RUZQzyRERE5JIvz36JfWn7oJKpML/nfMikMrFLIqoUqUSKfs36AQB2Xtp5i72JiNwXgzwRERFVWrohHcv+WAYAmBg3ERE+ESJXROQa+zj5ny79BKutZtd5JiKqKQzyREREVGlL/1gKY4kRugAdRrUeJXY5RC7rFNQJ3kpv5JpycTjzsNjlEBFVCYM8ERERVcrBtIPYnrodUokUs7rNYpd6qpMUUgX6hPUBUNoqT0RUFzHIExER0S2V2Eqw8OBCAMDD0Q+jVaNWIldEVHW9m/YGABxI54R3RFQ3McgTERHRLW06swnn887DV+WL5+KeE7scottyR/AdAIBzuedwvfi6yNUQEbmOQZ6IiIgqlFech7ePvA0AeC7uOfiofESuiOj2NFI3QpRfFADg9/TfRa6GqP4bM2YMJBIJFi1a5LR9y5YtkEgkIlVVPcaPH4/IyEhoNBoEBATgvvvuw+nTp2v8ugzyREREVKG1f65FgaUA0X7ReDDqQbHLIaoWXYO7Aiid+4GIap5arcbixYuRm5tb69e2WCw1du5OnTph3bp1OHXqFLZv3w5BEDBgwABYrTW7KgaDPBEREd1UhiEDn57+FADwfMfnOcEd1RtdgrsAAA6mM8hT3SUIAowWoygPQRBcqjUhIQHBwcFYuHBhhfv9+uuv6NWrFzQaDcLCwjBx4kQYDAbH6xKJBFu2bHE6xtfXFx999BEAIDU1FRKJBJs2bUJ8fDzUajU2btwIm82GefPmoWnTplCpVNDpdNi2bZvjHPbjNm/ejL59+0Kr1aJDhw7Yt29fhfU+9dRT6N27N8LDw9GxY0fMnz8fly9fRmpqqktfH1fJa/TsREREVKetObYGJqsJHQM7oleTXmKXQ1RtOgV3glQiRao+FemGdAR7BItdEpHLikqK0PXTrqJc+8DIA9AqtJXeXyaT4bXXXsPIkSMxceJENG3atMw+ycnJGDRoEObPn4+1a9ciKysLEyZMwIQJE7Bu3TqX6psxYwaWLVuGuLg4qNVqrFixAsuWLcO7776LuLg4rF27FkOGDMGJEycQFRXlOG7WrFlYunQpoqKiMGvWLIwYMQLnz5+HXH7r6GwwGLBu3TpEREQgLCzMpXpdxRZ5IiIiKldqfiq+Pvc1gNLW+Lo+jpHoRt5Kb7Ru1BoAx8kT1Zb7778fOp0OiYmJ5b6+cOFCjBo1CpMmTUJUVBR69OiBlStXYv369SguLnbpWpMmTcIDDzyAiIgIhISEYOnSpZg+fTqGDx+OmJgYLF68GDqdDsuXL3c6btq0abj33nsRHR2NuXPn4uLFizh//nyF13rnnXfg6ekJT09P/O9//8OOHTugVCpdqtdVbJEnIiKicr2d9DasghW9m/ZGx6COYpdDVO26hHTBiZwTOJh+EIMjB4tdDpHLNHINDowUZxlFjVxTpeMWL16Mfv36Ydq0aWVeO3r0KI4dO4aNGzc6tgmCAJvNhpSUFLRu3brS1+ncubPjuV6vx7Vr19CzZ0+nfXr27ImjR486bYuNjXU8DwkJAQBkZmaiVaubL7s6atQo3HXXXUhLS8PSpUvxyCOPYO/evVCr1ZWu11UM8kRERFTGhbwL2J66HQAwMW6iyNUQ1YyuwV2x7s91OJB2AIIgsNcJ1TkSicSl7u3uoHfv3hg4cCBmzpyJMWPGOL1WWFiI8ePHY+LEsv/vNGvWDEDpPf9zfH55k9l5eHhUqT6FQuF4bv83wWazVXiMj48PfHx8EBUVhW7dusHPzw9ff/01RowYUaUaKoNBnoiIiMr44PgHECCgX1g/xDSKEbscohoRFxgHuUSONEMarhReQZhXzY5pJaJSixYtgk6nQ0yM8/8vHTt2xMmTJ9GyZcubHhsQEIC0tDTH5+fOnYPRaKzwet7e3ggNDcXevXsRHx/v2L5371506dKlindRPkEQIAgCTCZTtZ73nxjkiYiIyMmVgiv4PuV7AMBTsU+JXA1RzdEqtGgf0B5HMo/gYNpBBnmiWtK+fXuMGjUKK1eudNo+ffp0dOvWDRMmTMCTTz4JDw8PnDx5Ejt27MCqVasAAP369cOqVavQvXt3WK1WTJ8+3akV/WZeeOEFJCYmIjIyEjqdDuvWrUNSUpJTN35XXbhwAZs2bcKAAQMQEBCAK1euYNGiRdBoNLjnnnuqfN7K4GR3RERE5GTdn+tgFazoEdoDbf3bil0OUY3qFNQJAHA8+7jIlRA1LPPmzSvTZT02NhZ79uzB2bNn0atXL8TFxWH27NkIDQ117LNs2TKEhYWhV69eGDlyJKZNmwat9tbDCyZOnIgpU6Zg6tSpaN++PbZt24atW7c6zVjvKrVajV9++QX33HMPWrZsiWHDhsHLywu//fYbAgMDq3zeypAIri4A2ADo9Xr4+PggPz8f3t7eYpdDRERUazKNmRj01SBYbBasG7gOnYM73/ogojps58WdmLR7EqL9ovHVkK/ELofopoqLi5GSkoKIiIganUSNalZF30dXcihb5ImIiMhh/Yn1sNgs6BjYkSGeGoR2/u0AAOfzzsNoqXicLRGRu2CQJyIiIgBAgbkAX579EgDwZPsnRa6GqHYEeQQhUBMIm2DD6eunxS6HiKhSGOSJiIgIALD53GYYS4yI9InEnU3uFLscolpjb5XnOHkiqisY5ImIiAglthJsPFU6c+/otqO5njY1KPYg/2f2nyJXQkRUOQzyREREhB8v/Yg0QxoaqRvh3hb3il0OUa1ikCeiuoZBnoiIiLDh5AYAwLCYYVDJVCJXQ1S77MssXim8gtziXJGrISK6NQZ5IiKiBi4pMwnHso5BKVXikZhHxC6HqNZ5K70R7h0OgK3yRFQ3MMgTERE1cJ+c+gQAcG+Le+Gv8Re5GiJxOLrX5zDIE5H7Y5AnIiJqwLKMWdh5cScAYFTrUSJXQyQejpMnorqEQZ6IiKgB23xuM0qEEugCdIhpFCN2OUSiae/fHkBpkBcEQeRqiIgqxiBPRETUQJXYSvDl2S8BAMNaDRO5GiJxxTSKgVwix/Xi60gzpIldDlG9MmbMGEgkEixatMhp+5YtW+rNcqeCIODuu++GRCLBli1bavx6DPJEREQN1J4re5BhzICfyg8Dmg8QuxwiUalkKkT5RQEATuScELkaovpHrVZj8eLFyM2t/ZUhLBZLjV9j+fLltfqmBIM8ERFRA/XFmS8AAPdH3Q+lTClyNUTia+nbEgCQmp8qbiFElSQIAmxGoygPV4egJCQkIDg4GAsXLqxwv19//RW9evWCRqNBWFgYJk6cCIPB4Hi9vBZvX19ffPTRRwCA1NRUSCQSbNq0CfHx8VCr1di4cSNsNhvmzZuHpk2bQqVSQafTYdu2bY5z2I/bvHkz+vbtC61Wiw4dOmDfvn23vLekpCQsW7YMa9eurfwX5DbJa+1KRERE5DYu6i/it2u/QQIJHo5+WOxyiNxCuE84ACBVnypqHUSVJRQV4UzHTqJcO+bwIUi02krvL5PJ8Nprr2HkyJGYOHEimjZtWmaf5ORkDBo0CPPnz8fatWuRlZWFCRMmYMKECVi3bp1L9c2YMQPLli1DXFwc1Go1VqxYgWXLluHdd99FXFwc1q5diyFDhuDEiROIiopyHDdr1iwsXboUUVFRmDVrFkaMGIHz589DLi8/OhuNRowcORJvv/02goODXarxdrBFnoiIqAGyt8b3atoLTb3K/jFF1BA1924OgEGeqKbcf//90Ol0SExMLPf1hQsXYtSoUZg0aRKioqLQo0cPrFy5EuvXr0dxcbFL15o0aRIeeOABREREICQkBEuXLsX06dMxfPhwxMTEYPHixdDpdFi+fLnTcdOmTcO9996L6OhozJ07FxcvXsT58+dvep3JkyejR48euO+++1yq73axRZ6IiKiBKS4pxpbzWwAAw2I4yR2RXbh3OIDSHitEdYFEo0HM4UOiXbsqFi9ejH79+mHatGllXjt69CiOHTuGjRs3OrYJggCbzYaUlBS0bt260tfp3Lmz47ler8e1a9fQs2dPp3169uyJo0ePOm2LjY11PA8JCQEAZGZmolWrVmWusXXrVvz00084cuRIpeuqLgzyREREDcy21G3Qm/Vo4tkEPUN73voAogaimXczAEC+KR+5xbnwU/uJXBFRxSQSiUvd291B7969MXDgQMycORNjxoxxeq2wsBDjx4/HxIkTyxzXrFnp76dEIikzPr+8yew8PDyqVJ9CoXA8t09eZ7PZyt33p59+QnJyMnx9fZ22P/jgg+jVqxd2795dpRoqg0GeiIiogdl0ehMA4OHohyGTykSuhsh9aOQahHiEIM2Qhov6iwzyRDVk0aJF0Ol0iImJcdresWNHnDx5Ei1btrzpsQEBAUhL+3uJyHPnzsFoNFZ4PW9vb4SGhmLv3r2Ij493bN+7dy+6dOlSxbsoHYf/5JNPOm1r37493nzzTQwePLjK560MBnkiIqIG5ET2CfyZ8ycUUgXuj7pf7HKI3E5z7+ZIM6QhJT8FukCd2OUQ1Uvt27fHqFGjsHLlSqft06dPR7du3TBhwgQ8+eST8PDwwMmTJ7Fjxw6sWrUKANCvXz+sWrUK3bt3h9VqxfTp051a0W/mhRdeQGJiIiIjI6HT6bBu3TokJSU5deN3VXBwcLkT3DVr1gwRERFVPm9lcLI7IiKiBmTTmdLW+AHhA9BI3UjkaojcD8fJE9WOefPmlemyHhsbiz179uDs2bPo1asX4uLiMHv2bISGhjr2WbZsGcLCwtCrVy+MHDkS06ZNg7YSwwsmTpyIKVOmYOrUqWjfvj22bduGrVu3Os1YX5dIBFcXAGwA9Ho9fHx8kJ+fD29vb7HLISIiqhb5pnz0/7I/TFYTNty9ga2NROXYeGojFh1chP7N+mN53+Vil0PkUFxcjJSUFERERECtVotdDlVRRd9HV3IoW+SJiIgaiG/OfwOT1YRov2h0COggdjlEbokt8kRUFzDIExERNQCCIODLs18CKF1yzj4TLxE5s68lf0l/CVabVeRqiIjKxyBPRETUABxMP4hUfSq0ci3ubXGv2OUQua0QjxAopUqYbWakGdJufQARkQgY5ImIiBoA+yR3gyMHw0NRtbV1iRoCmVTmWE8+VZ8qbjFERDfBIE9ERFTPZRmzsOvSLgDAIzGPiFwNkfuzd6/nOHkiclcM8kRERPXcV+e+QolQgrjAOET7RYtdDpHbs094l5KfIm4hREQ3wSBPRERUj5XYSvCfs/8BwNZ4ospiizwRuTsGeSIionrs5ys/I8OYAT+VHwY0HyB2OUR1QoRPBACOkSci98UgT0REVI99ceYLAMDQqKFQypQiV0NUN9hb5NMN6SgqKRK5GiKishjkiYiI6qnL+svYe20vAODh6IdFroao7vBT+8FH5QOgdD15IiJ3wyBPRERUT3159ksAQM/QngjzChO5GqK6JdQjFAC4ljxRNRgzZgwkEgkWLVrktH3Lli2QSCQiVVU9+vTpA4lE4vR4+umna/y6DPJERET1kMlqwtfnvwbASe6IqiLEIwRAafd6Irp9arUaixcvRm5ubq1f22Kx1Oj5x40bh7S0NMdjyZIlNXo9gEGeiIioXvoh9QfkmfIQpA1C76a9xS6HqM4J8SwN8myRJ3cmCAIsJqsoD0EQXKo1ISEBwcHBWLhwYYX7/frrr+jVqxc0Gg3CwsIwceJEGAwGx+sSiQRbtmxxOsbX1xcfffQRACA1NRUSiQSbNm1CfHw81Go1Nm7cCJvNhnnz5qFp06ZQqVTQ6XTYtm2b4xz24zZv3oy+fftCq9WiQ4cO2Ldv3y3vTavVIjg42PHw9vau/BemiuQ1fgUiIiKqdfZJ7h6KfghyKf+7J3KVvUWeQZ7cWYnZhvee3yPKtZ9aEQ+FSlbp/WUyGV577TWMHDkSEydORNOmTcvsk5ycjEGDBmH+/PlYu3YtsrKyMGHCBEyYMAHr1q1zqb4ZM2Zg2bJliIuLg1qtxooVK7Bs2TK8++67iIuLw9q1azFkyBCcOHECUVFRjuNmzZqFpUuXIioqCrNmzcKIESNw/vx5yOU3/79048aN+OSTTxAcHIzBgwfjlVdegVardaleV7FFnoiIqJ45lXMKSVlJkEvkeDDqQbHLIaqTgj2CAbBrPVF1uv/++6HT6ZCYmFju6wsXLsSoUaMwadIkREVFoUePHli5ciXWr1+P4uJil641adIkPPDAA4iIiEBISAiWLl2K6dOnY/jw4YiJicHixYuh0+mwfPlyp+OmTZuGe++9F9HR0Zg7dy4uXryI8+fP3/Q6I0eOxCeffIJdu3Zh5syZ2LBhAx599FGXaq0KvkVPRERUz2w4uQEAcFfzuxCgDRC5GqK6iS3yVBfIlVI8tSJetGtXxeLFi9GvXz9MmzatzGtHjx7FsWPHsHHjRsc2QRBgs9mQkpKC1q1bV/o6nTt3djzX6/W4du0aevbs6bRPz549cfToUadtsbGxjuchIaX/DmRmZqJVq1blXuepp55yPG/fvj1CQkLQv39/JCcnIzIystL1usotWuTffvtthIeHQ61Wo2vXrjh48OBN9928eTM6d+4MX19feHh4QKfTYcOGDU772GdFvPExaNCgmr4NIiIi0WUZs/C/1P8BAP7d5t8iV0NUd9mDfKYxEyW2EpGrISqfRCKBQiUT5VHV2eZ79+6NgQMHYubMmWVeKywsxPjx45GUlOR4HD16FOfOnXOEYolEUmZ8fnmT2Xl4eFSpPoVC4Xhuv0ebzVbp47t27QoAFbbiVwfRW+Q3bdqEKVOmYM2aNejatSuWL1+OgQMH4syZMwgMDCyzf6NGjTBr1iy0atUKSqUS//3vfzF27FgEBgZi4MCBjv0GDRrkNI5CpVLVyv0QERGJ6bPTn6HEVoK4wDi0D2gvdjlEdVZjTWPIpXKU2EqQZcxyTH5HRLdv0aJF0Ol0iImJcdresWNHnDx5Ei1btrzpsQEBAUhL+7unzLlz52A0Giu8nre3N0JDQ7F3717Ex//dg2Hv3r3o0qVLFe+ifElJSQD+bs2vKaIH+TfeeAPjxo3D2LFjAQBr1qzBd999h7Vr12LGjBll9u/Tp4/T588//zw+/vhj/Prrr05BXqVSITg4uEZrJyIicifFJcWOtePZGk90e6QSKYK0QbhaeBVphjQGeaJq1L59e4waNQorV6502j59+nR069YNEyZMwJNPPgkPDw+cPHkSO3bswKpVqwAA/fr1w6pVq9C9e3dYrVZMnz7dqRX9Zl544QUkJiYiMjISOp0O69atQ1JSklM3flclJyfj008/xT333IPGjRvj2LFjmDx5Mnr37u3URb8miNq13mw249ChQ0hISHBsk0qlSEhIqNQ0/4IgYOfOnThz5gx693ZeWmf37t0IDAxETEwMnnnmGeTk5Nz0PCaTCXq93ulBRERU13x74VvkmfLQxLMJ+oX1E7scojqPa8kT1Zx58+aV6bIeGxuLPXv24OzZs+jVqxfi4uIwe/ZshIaGOvZZtmwZwsLC0KtXL4wcORLTpk2r1AzxEydOxJQpUzB16lS0b98e27Ztw9atW51mrHeVUqnEjz/+iAEDBqBVq1aYOnUqHnzwQXz77bdVPmdlidoin52dDavViqCgIKftQUFBOH369E2Py8/PR5MmTWAymSCTyfDOO+/grrvucrw+aNAgxwyFycnJeOmll3D33Xdj3759kMnKLpGwcOFCzJ07t/pujIiIqJbZBBs+OfkJAGBkq5GQSSu/JBARlY8T3hFVD/sa7zcKDw+HyWQqs/2OO+7ADz/8cNNzhYaGYvv27U7b8vLynM5b3hr3UqkUiYmJN50xv7zjfH19yz2XXVhYGPbsEWf5P9G71leFl5cXkpKSUFhYiJ07d2LKlClo0aKFo9v98OHDHfu2b98esbGxiIyMxO7du9G/f/8y55s5cyamTJni+Fyv1yMsLKzG74OIiKi6/HzlZ1zIvwBPhSceiHpA7HKI6gX7EnQM8kTkbkQN8v7+/pDJZMjIyHDanpGRUeH4dqlU6pgAQafT4dSpU1i4cGGZ8fN2LVq0gL+/P86fP19ukFepVJwMj4iI6rS1f64FADwc8zA8lZ4iV0NUP9jHxbNrPRG5G1HHyCuVSnTq1Ak7d+50bLPZbNi5cye6d+9e6fPYbLZyu2XYXblyBTk5OTU+cyAREZEYjmQewZHMI1BIFfh3a05yR1Rd2LWeiNyV6F3rp0yZgsceewydO3dGly5dsHz5chgMBscs9qNHj0aTJk2wcOFCAKXj2Tt37ozIyEiYTCZ8//332LBhA1avXg2gdO3BuXPn4sEHH0RwcDCSk5Px4osvomXLlk6z2hMREdUX9tb4IZFDEKANELkaovqDQZ6I3JXoQX7YsGHIysrC7NmzkZ6eDp1Oh23btjkmwLt06RKk0r87DhgMBjz77LO4cuUKNBoNWrVqhU8++QTDhg0DAMhkMhw7dgwff/wx8vLyEBoaigEDBuDVV19l93kiIqp3kvOSsfvybkggwWNtHxO7HKJ6xT5GvsBcAIPFAA+Fh8gVEaHCydfI/VXX908i8CehDL1eDx8fH+Tn58Pb21vscoiIiG7q5V9fxjfJ36B/s/5Y3ne52OUQ1Ts9P+sJvVmPLfdtQaRvpNjlUANmtVpx9uxZBAYGonHjxmKXQ1WUk5ODzMxMREdHl1lRzZUcKnqLPBEREVXNlYIr+O7CdwCAx9s9LnI1RPVTsEcw9GY90gxpDPIkKplMBl9fX2RmZgIAtFotJBKJyFVRZQmCAKPRiMzMTPj6+pa7LLorGOSJiIjqqA+Of4ASoQQ9Q3siNiBW7HKI6qUQjxCczT3LcfLkFuwre9nDPNU9vr6+Fa7QVlkM8kRERHXQlYIr+Ob8NwCApzs8LXI1RPWXYy35QgZ5Ep9EIkFISAgCAwNhsVjELodcpFAobrsl3o5BnoiIqA6yt8b3CO0BXaBO7HKI6i37zPVcS57ciUwmq7ZASHWTqOvIExERketubI1/psMzIldDVL9xCToickcM8kRERHWIxWbBooOLUCKUoHtId7bGE9WwEE8GeSJyPwzyREREdUSJrQQzfp6BPVf2QCFVYGLHiWKXRFTv2VvkM4wZsAk2kashIirFIE9ERFQHlNhKMPOXmfjh4g+QS+V4s8+baOffTuyyiOo9f40/pBIpSmwluF58XexyiIgAcLI7IiIit5acl4xvkr/Bf5P/i6yiLEeIjw+LF7s0ogZBLpXDT+WHnOIcZBdlw1/jL3ZJREQM8kRERO7GJtjw85WfseHkBhxMP+jY7qfyw7ye89AnrI94xRE1QAHaAOQU5yDLmIVWjVqJXQ4REYM8ERGRu7DarPg+5Xu8e+xdXNRfBADIJDL0atoLQyOHonfT3lDIFCJXSdTwNNY0BgBkF2WLXAkRUSkGeSIiIpEJgoAfL/2IVUdW4UL+BQCAl8ILD0U/hBGtRjhmzSYicQRoAgAwyBOR+2CQJyIiElFKfgoWHFiAA2kHAADeSm+MbTcWI1uNhFahFbk6IgL+DvJZRVkiV0JEVIpBnoiISAQWmwXvHn0XH/75IUpsJVBKlRjbbiwea/sYvJReYpdHRDdg13oicjcM8kRERLXsov4ipv88HSdyTgAA7mxyJ17q8hLCvMNEroyIysOu9UTkbhjkiYiIatHW5K2Yv38+ikqK4K30xivdX8HA5gMhkUjELo2IbiJA+1fXeiO71hORe2CQJyIiqgU2wYblh5dj3Z/rAAB3BN+B1+58DcEewSJXRkS34q8uXTs+pzgHgiDwjTciEh2DPBERUQ0zWoyY+ctM/HT5JwDA+NjxeKbDM5BJZSJXRkSV4a8tDfJFJUUwWAzwVHqKXBERNXQM8kRERDWo0FyI8T+Ox7GsY1BIFXi156u4t8W9YpdFRC7QyDXwVHii0FKIrKIsBnkiEp1U7AKIiIjqqxtDvLfSG2sHrmWIJ6qj/DWlrfKc8I6I3AGDPBERUQ34Z4j/YMAH0AXqxC6LiKqIQZ6I3AmDPBERUTWz2CyYtHuSU4hv3bi12GUR0W2wL0HHmeuJyB0wyBMREVWzJQeX4EDaAWjkGrw/4H2GeKJ6oLGmMQAgu5gt8kQkPgZ5IiKiarTp9CZ8fuZzSCDB4l6L0aZxG7FLIqJqYF9LPtvIIE9E4mOQJyIiqiZ/pP+BhQcXAgAmdpyIvs36ilwREVUXR9f6InatJyLxMcgTERFVgwJzAWb+OhNWwYp7Iu7BE+2eELskIqpGjq71nOyOiNwAgzwREVE1WHRwEdIN6QjzCkNi90RIJBKxSyKiamRvkWeQJyJ3wCBPRER0m368+CO2Jm+FVCLFa3e+Bq1CK3ZJRFTN7EE+z5QHi9UicjVE1NAxyBMREd2G7KJszN03FwDweLvHuVY8UT3lo/KBXCoHAOQU54hcDRE1dAzyREREt2H5oeXIM+Uhxi8Gz3Z4VuxyiKiGSCQS+Gv8AXAteSISH4M8ERFRFZ3IPoFvkr8BAMzuPhsKmULkioioJnHmeiJyFwzyREREVSAIAhb/vhgA8K8W/0JsQKzIFRFRTePM9UTkLhjkiYiIqmBb6jYcyTwCjVyDSR0niV0OEdUCzlxPRO6CQZ6IiMhFxSXFeOPQGwBKJ7gL8ggSuSIiqg3sWk9E7oJBnoiIyEVfnfsK6YZ0BHsEY0zbMWKXQ0S1hF3richdMMgTERG5wGK14KMTHwEAxrUfB7VcLW5BRFRrHF3rjQzyRCQuBnkiIiIXfJfyHdIN6fDX+OO+lveJXQ4R1aIALbvWE5F7YJAnIiKqJKvNig+PfwgA+Hebf0MlU4lcERHVpsbq0q7114uvQxAEkashooaMQZ6IiKiSfrr8E1L1qfBSeuGR6EfELoeIapmf2g8AYLFZUGgpFLkaImrIGOSJiIgqQRAEfHD8AwDAiFYj4Kn0FLkiIqptarkaWrkWAJBbnCtyNUTUkDHIExERVcLRrKM4mXMSapkao1qPErscIhJJI3UjAKXd64mIxMIgT0REVAlfnfsKADAwfKDjD3kianjsv/85xTkiV0JEDRmDPBER0S0UmguxPXU7AODB6AdFroaIxGQP8uxaT0RiYpAnIiK6he9TvkdRSRFa+LSALkAndjlEJKJGGnatJyLxMcgTERHdwuZzmwEAD0Q9AIlEInI1RCQmP1XpzPUM8kQkJgZ5IiKiCpy+fhonck5ALpVjcORgscshIpFxsjsicgcM8kRERBWwt8b3C+vHSe6IyLGWPIM8EYmJQZ6IiOgmLFYL/nvhvwCAB6M4yR0RAY3VjQFwsjsiEheDPBER0U0cSD+AAnMBGqsbo2tIV7HLISI3wMnuiMgdMMgTERHdxI8XfwQA9G/WHzKpTORqiMgd2Ce7yy3OhU2wiVwNETVUDPJERETlKLGV4KdLPwEAEponiFwNEbkL+1wZVsGKAnOByNUQUUPFIE9ERFSOwxmHkWvKhY/KB52DO4tdDhG5CYVMAS+FFwAgpzhH5GqIqKFikCciIirHjos7AAB9w/pCIVWIXA0RuRP7OHlOeEdEYmGQJyIi+gebYMPOSzsBAHc1v0vkaojI3XAteSISG4M8ERHRPxzLOoasoix4KDzQLaSb2OUQkZuxT3h3vYhBnojEwSBPRET0D/bZ6ns37Q2lTClyNUTkbhxL0JkY5IlIHAzyRERE/7Dr8i4A7FZPROVzdK1nizwRiYRBnoiI6AZXCq7gUsElyCQydA/pLnY5ROSG7EE+18TJ7ohIHG4R5N9++22Eh4dDrVaja9euOHjw4E333bx5Mzp37gxfX194eHhAp9Nhw4YNTvsIgoDZs2cjJCQEGo0GCQkJOHfuXE3fBhER1QP70vYBAGIDYuGp9BS5GiJyR5zsjojEJnqQ37RpE6ZMmYLExEQcPnwYHTp0wMCBA5GZmVnu/o0aNcKsWbOwb98+HDt2DGPHjsXYsWOxfft2xz5LlizBypUrsWbNGhw4cAAeHh4YOHAgiouLa+u2iIiojtp/bT8AsDWeiG7KT83J7ohIXKIH+TfeeAPjxo3D2LFj0aZNG6xZswZarRZr164td/8+ffrg/vvvR+vWrREZGYnnn38esbGx+PXXXwGUtsYvX74cL7/8Mu677z7ExsZi/fr1uHbtGrZs2VKLd0ZERHWN1WbFgfQDAIDuoQzyRFQ+dq0nIrGJGuTNZjMOHTqEhIQExzapVIqEhATs27fvlscLgoCdO3fizJkz6N27NwAgJSUF6enpTuf08fFB165db3pOk8kEvV7v9CAioobn9PXTyDflw1PhiXb+7cQuh4jclCPIF+fCarOKXA0RNUSiBvns7GxYrVYEBQU5bQ8KCkJ6evpNj8vPz4enpyeUSiXuvfdevPXWW7jrrtKZhe3HuXLOhQsXwsfHx/EICwu7ndsiIqI6yj4+/o7gOyCXykWuhojcla/KFwAgQEC+OV/cYoioQRK9a31VeHl5ISkpCb///jsWLFiAKVOmYPfu3VU+38yZM5Gfn+94XL58ufqKJSKiOmPftdIgz271RFQRuVTuCPMcJ09EYhC1ucHf3x8ymQwZGRlO2zMyMhAcHHzT46RSKVq2bAkA0Ol0OHXqFBYuXIg+ffo4jsvIyEBISIjTOXU6XbnnU6lUUKlUt3k3RERUlxWVFOFI5hEAQLeQbiJXQ0Tuzk/thzxTHmeuJyJRiNoir1Qq0alTJ+zcudOxzWazYefOnejevfKtITabDSaTCQAQERGB4OBgp3Pq9XocOHDApXMSEVHDcijjECw2C4I9ghHuHS52OUTk5hxL0JkY5Imo9ok+AHDKlCl47LHH0LlzZ3Tp0gXLly+HwWDA2LFjAQCjR49GkyZNsHDhQgCl49k7d+6MyMhImEwmfP/999iwYQNWr14NAJBIJJg0aRLmz5+PqKgoRERE4JVXXkFoaCiGDh0q1m0SEZGbc3SrD+kOiUQicjVE5O4cQZ5d64lIBKIH+WHDhiErKwuzZ89Geno6dDodtm3b5pis7tKlS5BK/+44YDAY8Oyzz+LKlSvQaDRo1aoVPvnkEwwbNsyxz4svvgiDwYCnnnoKeXl5uPPOO7Ft2zao1epavz8iIqobDmUcAgB0DekqciVEVBdwCToiEpNEEARB7CLcjV6vh4+PD/Lz8+Ht7S12OUREVMOKSorQ49MeKBFKsP3B7Qj1DBW7JCJyc+8kvYPVR1fjkehH8Er3V8Quh4jqAVdyaJ2ctZ6IiKg6ncg+gRKhBIGaQIR4hNz6ACJq8PzUfgDAye6ISBQM8kRE1OAdzToKAOgQ2IHj44moUhxj5BnkiUgEDPJERNTgJWUlAQA6BHQQtxAiqjPsQT7PlCduIUTUIDHIExFRgyYIAo5lHQPAIE9Eleer8gXAIE9E4mCQJyKiBu1ywWVcL74OhVSBNo3biF0OEdURNwZ5m2ATtxgianAY5ImIqEGzj49v07gNlDKlyNUQUV1hD/I2wYYCc4G4xRBRg8MgT0REDVpSZhIAdqsnItcoZAp4KjwBsHs9EdU+BnkiImrQ7C3yukCduIUQUZ1jb5XPLc4VtxAianAY5ImIqMEyWAw4l3cOAFvkich1nPCOiMTCIE9ERA3W8ezjsAk2hHiEIFAbKHY5RFTH+Kp9AbBFnohqn1zsAoiIiMRyNPOvbvUBOnELIaI6yU/lB4At8uRMsNlgzc+HNTsbJTk5sObmwmYsgq2oCLYiI4SiItiKiiGUlPx9kOSGpwoFJEolpCoVJEpV6XO1ClJPL0i9PCHz9obMywvSvz5KFIrav0kSHYM8ERE1WCdzTgIA2vm3E7kSIqqL7C3yDPINiyAIsF6/DvPFizBfvATzxVSYL16E5fIVlGRloSQnB7gxpNcwmZ8f5AEBzo+QYCibNoWiaRgUTUIhValqrR6qHQzyRETUYJ2+fhoA0Lpxa5ErIaK6iGPk6z+byQTT+fMwnT6D4tOnYTp9GsVnz8KWn3/LY2U+PpD5+0Pu5weJhxZSjRZStRpSrQYStab8lnRBgFBSAsFkgmA2wWYyQTBbIBQVwWoohE1fAGtBAWx6PWwGAwDAmpsLa24uTGfP3rQWeWAgFGFhUDZtUhrumzaFMrw5VC1aQObjU+WvD4mHQZ6IiBqkfFM+rhmuAQCi/aJFroaI6iLOWl+/CIIAc2oqio4eRVFSEoqSjsJ07hxgtZbdWSIpbfVu1hzK5vZHM8gDgyAP8Ie8USNIlMqarbekBNb8fJRkZ6MkM6u0N8BfD0taGiyXL8Ny5QpsRiNKMjNRkpmJokOHypxH1qgRlC0ioIqIgDKiheO5okkTSOSMi+6K3xkiImqQzlw/AwBo4tkEPiq2RhCR6/zUHCNfl1kLC1F87BiKjh6FMSkJxUlHYS2npV3m4wNV69ZQx8RA1aoV1K1ioIyIgFStFqHqv0nkcsgbN4a8cWMgJqbcfQRBgDU3F5YrV2C5cgXmy/aPl2FOTUVJejqs16+j6Pp1FP3hHPIlKhVULVtCFRMDdasYqGJK750t+O6BQZ6IiBoke7f6GL/y//ghIroVtsjXHYLNBnNKCoqS/mptP/pXa7sgOO0nUSqhbtcOGp0Omg4doIltD3lwMCQSyU3O7N4kEgnkjRpB3qgRNLGxZV63FhpgTk2FOSUF5pQLMKWkwHwhBebUVAgmE4pPnEDxiRO48e0NeUgI1NHRpW9qtG0DTWwsFMHBtXdTBIBBnoiIGqgzuaUt8q0atxK5EiKqq+xBPt906/HSVLvsre3GI0dKw/vRo7Dp9WX2UzRpUhrYdTpo4nRQx8TUeJd4dyLz9ICmXVto2rV12i7YbLBcvozi02dgOnMGxWfOwHT6NCxXr6IkLQ2FaWko3LPHsb88MBDq2PbQtI+FJrY9NLGxkHp41PbtNCgM8kRE1CCdun4KANDKj0GeiKrG3rU+35wPq80KmVQmckUNkyAIsFy8CGNSEoqOJKEoKal04rd/trar1VC3awutTgd1hw7QdOgARWCgSFW7N4lU6hj7j4EDHNutBQWlwf70GRSfPoXiP0/AdPYsSjIzUfjjThT+uLN0R5kM6latoO3cCZqOnaDt1BFyf3+R7qZ+YpAnIqIGx2Q1ISUvBQBnrCeiqrPPr2ETbCgwFziWo6OaZS0sRPHJk6Ut7UeOoCgpCdbcssMbFE2a/NXSHgdNhw5Qt4rhmuu3SeblBW3nztB27uzYZjMaUXzqFIqOHUfx8WMwJiWh5Fqao1s+Pl4PAFA2bw5tj+7w6N4dHl27cqz9bWKQJyKiBud83nmUCCXwUfkgSBskdjlEVEcppAp4KbxQYClArimXQb6aCWYzLNeuofjs2dLl386egen0GViuXCmzr0Sh+Htse5wOGp2Ore21RKrVQtupE7SdOjm2WdLSYDx8GEWHDsN46BBMZ8/CfPEizBcvIu+zzwGpFOp27eDRozs8uveAJk4HaQMa0lAdGOSJiKjBsc9Y36pRqzo7gRERuQcflQ8KLAUcJ+8iQRBgzctDSVoaLOkZsKSnlT6/eg2Wa6WPkqysMt3j7eRBQaWhXaeDNk4HVZs2DIJuRBESAp9774XPvfcCAKx6PYx/HILht99g2LcP5uRkFB87huJjx5Cz5l1INBpoO3eGR88e8IyPhyoiQuQ7cH8M8kRE1OCcyuH4eCKqHn5qP1wpvMKZ62/CZjbDfOECTGfPwnT2LIr/apktSc+AYDLd8niJSgVVZGTpDOkx0VDFtIIqJhpyP79aqJ6qi8zbG179+sKrX18AgCU9HYZ9+x3B3pqdDcMvv8Dwyy/IXLQYiubN4BkfD8/4eGjvuINv0pSDQZ6IiBoczlhPRNXFPnM915IvZUlPh/HgQRgOHkRRUhLMKamA1XrT/WX+/lAEB0MeHARFSCgUofZHCBShoZA1asSeU/WQIjgYvvcPhe/9QyEIAkznzsGw9zcYfvkZht//gOXiJeSu34Dc9Rsg0Wrh0b07PON7w7N3by519xcGeSIialBsgu3vrvVskSei22SfuT7X1DBb5AVBQPHx4yjY+RMKd+0qnS3+H6Te3lBFR5WuPR4dDWVECyhCQyAPCmJLK0EikUAdHQ11dDQajx0Da6EBhn2/oXDPHhj2/IySrCwU7tyJwp2lM+Kr27SBZ0J/ePXvD1V0dIN9o4dBnoiIGpTLBZdhLDFCJVMh3Cdc7HKIqI5ztMgX54laR22zFhQg/5utyNv0OUznzv/9glQKddu20Ha5A9pOnaFu0xryoKAGG7bIdTJPD3jfdRe877qr9I2ikydh+PlnFO7eg6Jjx1B88iSKT55E9sq3oGjSBJ79+8GrX39oO3eCRN5w4m3DuVMiIiIAp6+fBgBE+UZBLuV/g0R0expa13pbcTGuf/Qxct5/HzaDAQAg0Wjg1bcPPPv2hWevXpD5+opaI9UfEokEmrZtoWnbFv7PPIOS7GwU7t6Ngp0/wfDbb7Bcverogi/z8YFnn3h49usPzzt7QurhIXb5NYp/wRARUYNyLvccACC6UbTIlRBRfWBfcq6+d60XBAH6779H5tJlKElLAwAoW0bCb/gI+Nw3BDIvL5ErpIZA7u8P34cegu9DD8FmNMLw22+OYR3WvDzkf7MV+d9shUSphLZ7N3j17w+vvn0hDwgQu/RqxyBPREQNyoX8CwCAFj4tRK6EiOoDP1XpGPn63LXeZjQife485H/zDQBAHhqCwMlT4H3vPZBIpSJXRw2VVKuFV0ICvBISIJSUoOjIERTs/AkFP/0Ey6VLMOz5GYY9PyNdMgea2Fh4JvRH4yeeqDc/swzyRETUoKTkpwAAIn0jRa6EiOqD+t613nQhBVeffx6mc+cAqRT+zz6Lxk8+AalaLXZpRA4SuRzaO+6A9o47EDj9RZjPn3eE+uJjx1B09ChsJhP8x40Tu9RqwyBPREQNRomtBKn6VABskSei6lGfg3zR8eO49MSTsOn1kPn7o8myZfDo2kXssogqJJFIoIqKgioqCv5Pj4clIxOFu3bVuzHzDPJERNRgXC64jBJbCTRyDYI9uA4tEd0++xj5fFM+rDYrZFKZuAVVE+ORI7g87inYCguh6dABTd5aCUVgoNhlEblMERQIv+HDxC6j2tWPAQJERESVYB8fH+ETAamE/wUS0e3zUfkAAAQI0Jv1IldTPYyHDuHyE0/CVlgIbefOaLb2Q4Z4IjfDv2KIiKjBuJDHie6IqHoppAp4KUtnbK8PM9ebLqTg8tPPwGY0QtutG8Lee7fedUkmqg8Y5ImIqMHgjPVEVBMc4+Tr+Mz11rw8XHnmGdgKCqDR6RC2+h1ItVqxyyKicjDIExFRg8EgT0Q1wbEEXR2e8E6wWHBl8mSYL16EPDQETVe9BalGI3ZZRHQTDPJERNQg2ASbY+m5Fr4M8kRUfewT3tXlIJ+5dCmM+/ZDotUibPVqyP39xS6JiCrAIE9ERA1CuiEdRSVFkEvlCPMKE7scIqpH7F3rc4vr5hj5wl/34vrH6wEATZYshjomRuSKiOhWGOSJiKhBsHerb+7VHHIpV18loupTl9eSL8nNRdrMmQAAv1Gj4JWQIHJFRFQZDPJERNQgJOclA2C3eiKqfn7q0jHyda1FXhAEpM9ORElWFpQtWiBw2lSxSyKiSmKQJyKiBsExPp4T3RFRNbOvJZ9vyhe5Etfot25FwY4dgFyO0NeXcHI7ojqEQZ6IiBoEzlhPRDWlLnatt+r1yFjyOgAgYMIEaNq2FbkiInIFgzwREdV7giCwaz0R1Zi6GOSzVq2CNScHyhYt0PjxsWKXQ0QuYpAnIqJ6L6c4B3qzHhJIEO4dLnY5RFTP1LWu9cVnzyJ346cAgKBZL0GiVIpcERG5ikGeiIjqPfv4+CaeTaCWq0WuhojqG3uLfL45HzbBJm4xtyAIAjIWvAZYrfC6KwGePXuKXRIRVQGDPBER1XsX9RcBAM19motcCRHVR/YgbxNsKLQUilvMLRTs2AHjgQOQqFQInD5D7HKIqIoY5ImIqN67VHAJANDMq5nIlRBRfaSUKaGRl874nl/svt3rBZsN2W+9BQBo9PhYKJs2EbkiIqoqBnkiIqr3LusvA2CQJ6KaYx8n784T3hVs2wbTufOQenmh8VhOcEdUlzHIExFRvXe54K8g780gT0Q1w91nrhesVmStehsA0GjsGMi8vUWuiIhuB4M8ERHVa4IgOLrWh3mFiVwNEdVX7t4ir//+fzBfuACpjw8ajR4tdjlEdJsY5ImIqF7LKc5BUUkRpBIpmnhyPCgR1QzHzPVuuASdUFKC7LdLW+Mbjx0DmaenyBUR0e1ikCcionrtkr60NT5YGwyljGslE1HNcOeu9QU//ABzaipkPj7we/TfYpdDRNWAQZ6IiOo1+/j4MG92qyeimuPOXeuvr98AAPB79FHIPD1EroaIqgODPBER1Wtceo6IaoO7dq0vOnYMRUlJgEIBv+HDxC6HiKoJgzwREdVrXHqOiGqDuwZ5e2u8zz13Qx4QIHI1RFRdGOSJiKhe44z1RFQb3LFrvSUjE/pt2wAAfv/mTPVE9QmDPBER1WscI09EtcEe5N2pRT7388+AkhJoOnaEpl1bscshomrEIE9ERPVWvikferMeANDUs6nI1RBRfeZus9bbTCbkbfoCANBoNGeqJ6pv3CLIv/322wgPD4darUbXrl1x8ODBm+77/vvvo1evXvDz84Ofnx8SEhLK7D9mzBhIJBKnx6BBg2r6NoiIyM3Yl54L1ARCq9CKXA0R1Wf2IG8sMcJitYhbDIDCXbtgvX4d8qAgeCUkiF0OEVUz0YP8pk2bMGXKFCQmJuLw4cPo0KEDBg4ciMzMzHL33717N0aMGIFdu3Zh3759CAsLw4ABA3D16lWn/QYNGoS0tDTH47PPPquN2yEiIjdiHx/f1Iut8URUs7yUXpBKSv+0dodW+fwt3wAAfIYOhUQuF7kaIqpuogf5N954A+PGjcPYsWPRpk0brFmzBlqtFmvXri13/40bN+LZZ5+FTqdDq1at8MEHH8Bms2Hnzp1O+6lUKgQHBzsefn5+tXE7RETkRuzj45t5c8Z6IqpZUokU3kpvAOIH+ZKcHBT+8gsAwOe+IaLWQkQ1o0pvz9lsNpw/fx6ZmZmw2WxOr/Xu3bvS5zGbzTh06BBmzpzp2CaVSpGQkIB9+/ZV6hxGoxEWiwWNGjVy2r57924EBgbCz88P/fr1w/z589G4ceNyz2EymWAymRyf6/X6St8DERG5L0eQ59JzRFQLfFW+yDPliR7k9d99B1itUMfGQtWihai1EFHNcDnI79+/HyNHjsTFixchCILTaxKJBFartdLnys7OhtVqRVBQkNP2oKAgnD59ulLnmD59OkJDQ5Fww9ifQYMG4YEHHkBERASSk5Px0ksv4e6778a+ffsgk8nKnGPhwoWYO3dupesmIqK6wT5GnjPWE1FtsM9crzeJ2yjk6FbP1niiesvlIP/000+jc+fO+O677xASEgKJRFITdVXKokWL8Pnnn2P37t1Qq9WO7cOHD3c8b9++PWJjYxEZGYndu3ejf//+Zc4zc+ZMTJkyxfG5Xq9HWBj/6CMiquvsY+TZIk9EtcEd1pI3nTuH4pMnAbkc3vfcI1odRFSzXA7y586dw3/+8x+0bNnyti/u7+8PmUyGjIwMp+0ZGRkIDg6u8NilS5di0aJF+PHHHxEbG1vhvi1atIC/vz/Onz9fbpBXqVRQqVSu3wAREbktg8WA68XXAQBhXnxzlohqnjssQZe/dSsAwDM+HnLOEUVUb7k82V3Xrl1x/vz5arm4UqlEp06dnCaqs09c171795set2TJErz66qvYtm0bOnfufMvrXLlyBTk5OQgJCamWuomIyP1dKbgCoPQPay+ll8jVEFFDYG+Rzzfli3J9wWZD/tZvS2tht3qies3lFvnnnnsOU6dORXp6Otq3bw+FQuH0+q1ax/9pypQpeOyxx9C5c2d06dIFy5cvh8FgwNixYwEAo0ePRpMmTbBw4UIAwOLFizF79mx8+umnCA8PR3p6OgDA09MTnp6eKCwsxNy5c/Hggw8iODgYycnJePHFF9GyZUsMHDjQ1dslIqI66mph6bKkTTybiFwJETUUYrfIFx87hpKMDEg9PeHZp48oNRBR7XA5yD/44IMAgMcff9yxTSKRQBAElye7A4Bhw4YhKysLs2fPRnp6OnQ6HbZt2+aYAO/SpUuQSv/uOLB69WqYzWY89NBDTudJTEzEnDlzIJPJcOzYMXz88cfIy8tDaGgoBgwYgFdffZXd54mIGpA0QxoAINQzVORKiKihEDvIF+zaDQDw6HUnpEqlKDUQUe1wOcinpKRUexETJkzAhAkTyn1t9+7dTp+npqZWeC6NRoPt27dXU2VERFRX2VvkQz0Y5Imodojdtb5w1y4AgFffvqJcn4hqj8tBvnnz5jVRBxERUbW6VngNAFvkiaj2iNkib7l6FaazZwGpFB69etX69Ymodrkc5AEgOTkZy5cvx6lTpwAAbdq0wfPPP4/IyMhqLY6IiKiqGOSJqLbZg7wYLfL2bvWajnGcrZ6oAXB51vrt27ejTZs2OHjwIGJjYxEbG4sDBw6gbdu22LFjR03USERE5LJrBgZ5IqpdN3atFwShVq/t6FbPSe6IGgSXW+RnzJiByZMnY9GiRWW2T58+HXfddVe1FUdERFQVBovB0SLGMfJEVFvsQb5EKIHBYoCn0rNWrmstNMB48CAAwJPj44kaBJdb5E+dOoUnnniizPbHH38cJ0+erJaiiIiIboe9W7230rvW/pAmItLINVDJSldJqs1x8oa9eyFYLFA0awZlixa1dl0iEo/LQT4gIABJSUllticlJSEwMLA6aiIiIrot9iDPNeSJqLaJMXP937PV94FEIqm16xKReFzuWj9u3Dg89dRTuHDhAnr06AEA2Lt3LxYvXowpU6ZUe4FERESuciw9x/HxRFTLfFW+yDRm1lqLvCAIKPzlFwDsVk/UkLgc5F955RV4eXlh2bJlmDlzJgAgNDQUc+bMwcSJE6u9QCIiIlelGdIAACEeISJXQkQNTW0vQWdOToY1JwcSlQqajh1r5ZpEJD6Xg7xEIsHkyZMxefJkFBQUAAC8vLyqvTAiIqKqsrfIs2s9EdU2e9f62gryhr8mudN0jINUqayVaxKR+Kq0jrwdAzwREbkjriFPRGKxt8jrTfpauZ7x4O8AAI8uXWrlekTkHioV5Dt27IidO3fCz88PcXFxFU6icfjw4WorjoiIqCrsXesZ5ImottVm13pBEBzLzmkZ5IkalEoF+fvuuw8qlcrxnLNhEhGRuzJajLhefB0AgzwR1b7a7FpvPn8e1uvXIVGroW7fvsavR0Tuo1JBPjEx0fF8zpw5NVULERHRbbO3xnspvOCt9Ba5GiJqaGpz+Tn7+Hgtx8cTNTguryPfokUL5OTklNmel5eHFi1aVEtRREREVWUfHx/iyRnriaj21WbXevv4eHarJ2p4XA7yqampsFqtZbabTCZcuXKlWooiIiKqKk50R0Riqq0gz/HxRA1bpWet37p1q+P59u3b4ePj4/jcarVi586diIiIqN7qiIiIXHTVwKXniEg8tdW13nTuHKy5uZBoNNC0a1ej1yIi91PpID906FAApevIP/bYY06vKRQKhIeHY9myZdVaHBERkavSCkvHyId4sGs9EdU+e4t8oaUQFpsFCqmiRq7j6FYfFwcJx8cTNTiVDvI2mw0AEBERgd9//x3+/v41VhQREVFV2bvWs0WeiMTgrfSGBBIIEJBvyoe/pmb+Zjbs3weA3eqJGiqXx8inpKQwxBMRkdu6WljatZ5j5IlIDDKpDF5KLwCA3qSvkWtYrl1D4e49AADP+N41cg0icm+VbpG/kcFgwJ49e3Dp0iWYzWan1yZOnFgthREREbnKZDUhp7h0ZZVQDwZ5IhKHj8oHerO+xia8u/7xeqCkBNquXaFu3bpGrkFE7s3lIH/kyBHcc889MBqNMBgMaNSoEbKzs6HVahEYGMggT0REoskwZAAA1DK1Y8IpIqLa5qvyxeWCyzUS5K35+cj78ksAQOMnn6j28xNR3eBy1/rJkydj8ODByM3NhUajwf79+3Hx4kV06tQJS5curYkaiYiIKiXDWBrkgz2CIZFIRK6GiBqqmpy5PvfzTbAZjVBFR8Pjzjur/fxEVDe4HOSTkpIwdepUSKVSyGQymEwmhIWFYcmSJXjppZdqokYiIqJKSTekAwCCtEEiV0JEDVlNrSVvM5lw/ZMNAIDGTzzONyyJGjCXg7xCoYBUWnpYYGAgLl26BADw8fHB5cuXq7c6IiIiF9hb5IM8GOSJSDw1FeTzt26FNSsb8pAQeN9zT7Wem4jqFpfHyMfFxeH3339HVFQU4uPjMXv2bGRnZ2PDhg1o165dTdRIRERUKWyRJyJ3UBNd6wWbDdfXrgMANBo9GhJFzaxPT0R1g8st8q+99hpCQkIAAAsWLICfnx+eeeYZZGVl4b333qv2AomIiCrLPtldsEewyJUQUUNWEy3yhbt2wZySAqmXF3wffrjazktEdZPLLfKdO3d2PA8MDMS2bduqtSAiIlcINhtshYWlD5MJgtkMwWSCYDLBZjJDMNufmwCbUPkTSySQyGWQyOWAXA6JXA6JQvnXR/kN2xWlnytVkKqUkKhUkKjVkCgUHLsognRjaYs8gzwRicke5KuzRT7nw7UAAL/hwyHz9Ki28xJR3eRykJ8/fz5GjRqFiIiImqiHiBowQRBg0+tRkpWFkuzs0o9Z2SjJzoZVnw9bvh7WggKn57aCAkBwIaDXFomkNNSrVJAqlaXhXqWEVKkq/7lKDYlGDalWC6nWA1KPvz5qtaUPD+3fz7VaSD08So/lmwVO7C3y7FpPRGLyVnkDqL4WeePhwyg6fBgShQJ+/360Ws5JRHWby0H+yy+/RGJiIrp27YpHH30UjzzyCPz9/WuiNiKqZwSzGZZr12C+fAWWK5dhvnIFlstXYMlIR0lWFqxZ2RAsliqdW6JQ/BWK/wrO9hD910eJUgnIXBhNZBMAawkEswVCSckNDwtgKYFg+cd2sxlCcfENNytAKC6GUFwMW5XuqBIkEkeol/l4Q+rjA5m3D2Q+fz38/CAPCIA8wB+KkBAomjaFVK2uqWpEV1xSjFxTLgC2yBORuKq7Rd7eGu993xAoAgOr5ZxEVLe5HOSPHj2KEydOYOPGjVi6dCkmTZqEu+66C6NGjcLQoUOh1Wprok4iqiMEmw2Wa9dgOncO5uRkmC6kwHK5NLSXpKdXqvVc6uMDub9/6SMgAPLGjSHz84XU2xsyL+/S0OrlVRpWvbwg9fGBVKmshburmCAIpQHfZCoN8Pau/cXFpd3+TWYIpgqeFxXDZjSWPgyGv58bjbAZSz8XDKWf/3XB0v0MBpRkZlaqRnlgIFTR0VC3aQN1mzbQ3tEZ8saNa/CrUnsyjaVfA41cA2+lt8jVEFFDduMYeUEQbqv3lOnCBRT+9BMAoPHjj1dHeURUD7gc5AGgbdu2eO211/Daa69h7969+PTTTzFp0iQ8/fTT0Ov11V0jEbkhQRBguXoNpnNnSwP7ufMwnT8P04ULEIqKbnqcRKOBsmlTKMLCoGjaBMqmYZCHBEMREAB5QABk/v6QqlS1eCfVRyKRlLb8K5WAl1eNXUew2UrfHPgr5FsLCmDT62HNz4c1/6+PeXmwXr/uGKJguXoVtsJClGRmoiQzE4Zff3WcT9WmNTzv7AWfwf+CKiqqxuquaTfOWM8hB0QkJnuQt9gsKCopglZR9Yau3E8/AwQBnv36QdWiRTVVSER1XZWC/I08PDyg0WigVCpRUFBQHTURkZsRbDaYL15E8cmTNzxOwZZffpdBiUIBZYsWUEVGQtkyEsqwZlCGlYZ3WaNGDFm3SSKVQvLXWPnKEgQB1rw8mFNTYTpzBsUnT6Ho+HGYTp2C6WTpI+e996Dp0AG+jzwMn8GDS9+UqEO4hjwRuQuNXAOFVAGLzYI8U16Vg7xgNkP/3XcAAL/hw6qzRCKq46oU5FNSUvDpp5/i008/xZkzZxAfH4+5c+fioYcequ76iKiWCYIAy5UrKEpKQtHx4yg+eRKmk6f+7s59I4UCqogIqFq2hCqqJZQtW0IV2RLKZmGls7qT25BIJJD7+UHu5wdtXJxje0l2Ngy//Qb9Dz+gcPceFB09iqKjR5H97nsInDIZXgMH1pk3XriGPBG5C4lEAl+VL7KKspBnykOoZ2iVzlP4yy+w5uZCFuAPjx49qrlKIqrLXP5Lu1u3bvj9998RGxuLsWPHYsSIEWjSpElN1EZEtcBWXIziP/9EUVISjEeSUJSUBGtOTpn9JGo11DExULdt4xhfrWrZss612pIzub8/fIYMgc+QISjJykLeli24/tHHsFy6hKuTJkPToQNClyyGsnlzsUu9JXuLPCe6IyJ34KPycQT5qsrfsqX0XIOH8A1yInLi8r8I/fv3x9q1a9GmTZuaqIeIapAgCChJS4PxyBEUJR1FUVISik+dAkpKnHdUKKBu0xqaDh2gadsW6jZtoIyI4B8R9Zw8IAD+48bBb8RIXF+3Djnr1qHo6FGkPPAgQhbMh/egQWKXWCG2yBORO7GPk9ebqjZ/VEluLgp27wEA+Nx3X3WVRUT1hMt/lS9YsKAm6iCiGmAzm1F84gSK/mppL0pKKnd2c1mAP7S6OGh0OmjidFC3bVtnJ5yj2yfz9EDAcxPg+/BDuDp1GooOHcLVSZNhfPQQgmbOgEQmE7vEcrFFnojciY/KB0DV15LXf/89YLFA1aY11DHR1VgZEdUHlQryU6ZMwauvvgoPDw9MmTKlwn3feOONaimMiFxnycj4O7QfOYLikyfLrssuk0HdqtVfob00vCuahNaZcdBUexTBwWj+8UfIWrESOe+/j9xPPoGtQI+Q115zyzCfYWCQJyL3ceMSdFWRv+Wb0vMMHVo9BRFRvVKpIH/kyBFY/goDR44cqdGCiKhyBEGA5fJlGH//Hcbf/4Dx999huXq1zH4yPz9HYNfoOkDTrp1Ls51TwyaRyxE4dQrUbVrj6rQXkP/NVghWG0IXLXSroRbFJcXINeUCYNd6InIP9hb5fFP5K7xUxJScjOLjxwG5HN733lvdpRFRPVCpv8J27dpV7nMiqj2CIMCckgLjwd9h/KM0uJdkZDjvJJVCFR0Nja4DtPbW9mbN2NpOt8377rsBmQxXp0yF/r//BQCEvr7EbX62Mo2lQ0Y0cg28ld4iV0NEdHst8vpt2wAAnj17Qt64cTVWRUT1hcvNKY8//jhWrFgBLy8vp+0GgwHPPfcc1q5dW23FETV0lmvXYNi3H4bffoPhwAFYs7Odd1AooGnfHtrOnaG94w5o4nSQeXqKUyzVe94DBkCyYjmuTJoM/X//C1XLSPg//bTYZQFwnujOXd5cIKKG7XaCfOFPpQ1nXgPuqsaKiKg+cTnIf/zxx1i0aFGZIF9UVIT169czyBPdBqteD8OBAzDu2wfDb/tgTk11el2iUkHToQO0d9wB7R2doenQAVKNRpxiqUHy6t8fwa+8jPTZichasRKqmBh49e0rdlmc6I6I3E5Vu9Zb0tNRfOIEIJHAs0+fGqiMiOqDSgd5vV4PQRAgCAIKCgqgVqsdr1mtVnz//fcIDAyskSKJ6iub2YyiI0kw7PsNhn37UHz8T8Bm+3sHmQya9u3h0aM7PLp3h7pDB0i5bjuJzO+RR1B86hTyPvsc1154EeFffAFViwhRa+LSc0TkbqraIl/w008AAE1cHLvVE9FNVTrI+/r6QiKRQCKRIDq67BIYEokEc+fOrdbiiOobwWaD6exZGH7bB8Nvv8H4xx8Qioud9lG2aAGP7t3h0aM7tF26QPaP3i9E7iB45kyYzp4rXZru+ecR/tV/RH2TiS3yRORu7EHe1RZ5R7f6fuL3diIi91XpIL9r1y4IgoB+/frhq6++QqNGjRyvKZVKNG/eHKGhoTVSJFFdZklPh2HvXhj2/gbD/v2wXr/u9LrM3/+v4N4DHt27QRHMIELuT6JUoumK5bgw5D6Yzp1D9urVCHz+edHqcbTIe7BFnojcg7eqdOLNAnMBrDYrZNJbL9tpLSyE4cABAIBnv/41Wh8R1W2VDvLx8fEAgJSUFDTjLNhENyWUlKDo6FEU7vkZhT//DNPp006vS7RaaO/oDM8ePaDt3h2qqCj+PlGdJPf3R/Ds2bg6aRJy3nsfXgkJ0LRtK0otjhZ5Ld8IIyL3YB8jL0CA3qyHn9rvlscYfv0VsFigDA8XfcgSEbk3lye7++mnn+Dp6YmHH37YafuXX34Jo9GIxx57rNqKI6orSq5fh+GXX0rD+969sOXf0I1OIoE6tj08e/aER48e0MTGQsJx7lRPeA8aCP2gQSjYtg1pM19CxH++FOXnO8NQGuQDtZyrhYjcg0KqgKfCE4WWQuSZ8ioV5At2lo6P9+zfr6bLI6I6zuUgv3DhQrz77rtltgcGBuKpp55ikKcGw3zlCgq2/4CCH35A0bFjgCA4XpP6+MDzzjvhGd8bHr16Qe536/+8ieqq4FdehvHAAZjOnkX2e+8jYML/1er1zVYzck25ADjZHRG5Fx+VDwothZUaJy9YLCjcswcA4NWPQZ6IKuZykL906RIiIsp29WnevDkuXbpULUURuStzair0P+xAwfbtpUvD3EDVqhU84+PhGd+7tNVd7vKvF1GdJG/cGEEvz8K1qdOQ88EH8H3owVqd6yGrKAsAoJQqHV1ZiYjcga/KF1cLr1Zq5nrDgYOw6fWQ+flBo9PVeG1EVLe5nDQCAwNx7NgxhIeHO20/evQoGnOJDKqHLBmZ0H/3HfK//RamU6f+fkEqhfaOO+A1cAC8+vXjJHXUoHnfcw9yP/0MRYcOIWv5CoQuWlhr184ylgb5AG0A55sgIrfiyhJ0+Vu2AAC87x4EiezWE+MRUcPmcpAfMWIEJk6cCC8vL/Tu3RsAsGfPHjz//PMYPnx4tRdIJAZroQEFO3ZA/+1WGPbt/7vbvEwGj27dSsN7QgLkN6zeQNSQSSQSBE1/EamPDEP+N9/A79+P1trEd5nGTAAcH09E7sfeS+hWXeutBQUo+PHH0mPuv7/G6yKius/lIP/qq68iNTUV/fv3h/yvrsM2mw2jR4/GggULqr1AotoiCAKKDh9G7qZNKPhhh9P67ppOneAzeDC8Bg7geHeim9DExsL7X/+C/r//RebiJWj28Ue10kJu71ofoAmo8WsREbmisi3y+m3bIBQXQ9kyEup27Wq+MCKq81wO8kqlEps2bcL8+fORlJQEjUaD9u3bo3nz5jVRH1GNs+bnI/+bb5D7xRcwn092bFdGRMDnviHw/te/oGzaVMQKieqOwMmTUPDDDzAePIjCXbvh1a9vjV+TLfJE5K7sQf5WLfL5X28p3X/oUA4RIqJKqfJsXFFRUYiKigIA6PV6rF69Gh9++CH++OOPaiuOqCYVnzyJ6x9/DP227RBMJgCARKOB9733wO+RR6Bu357/mRK5SNGkCRo9Nho573+A7HfegWffPjX+e8QgT0TuylvlDaDiFnnzxYsoOnwYkErhPXhILVVGRHXdbU2rvWvXLqxduxabN2+Gj48P7ueYHnJzgiDAuG8fcj74EIbffnNsV8XEwHfYI/AZPBgyLy8RKySq+xqNHYvrGz5B8Z9/wrhvHzx69KjR69042R0RkTupTIt83l+T3Hnc2ROKIL4hSUSV43KQv3r1Kj766COsW7cOeXl5yM3NxaeffopHHnmErZfktoSSEhT88ANyPvgQxSdPlm6UyeA9aBAajf431LGx/PklqibyRo3g+/DDyN2wAdnvvV/jQT6z6K8WeQ3/ACYi93KrMfJCSQnyv/mmdN+hQ2unKCKqF6SV3fGrr77CPffcg5iYGCQlJWHZsmW4du0apFIp2rMLMrkpwWZD/n+/Q/I99+LqlKkoPnkSErUafo8+isjt29Fk2VJoOnTgzy9RNWs8dgwgl8O4fz+Kjh2r0WuxRZ6I3NWtgvz1j9ej5FoaZD4+8Ozfv/YKI6I6r9It8sOGDcP06dOxadMmeLHrMdUBhv37kbnkdUcLvMzPD36PjoLfyJGceZ6ohilCQ+Hzr38hf8sWZL/3HsJWraqR6xgtRhRaCgFwjDwRuZ+Klp8zX7yIrJUrAQCBL74AqUpVq7URUd1W6Rb5J554Am+//TYGDRqENWvWIDc3tybrIqoyS0Ymrk6ZgktjxqL45ElIPTwQMOl5tNz5IwL+7/8Y4olqSeNxTwISCQp/3AnT+fM1cg37RHceCg94KDxq5BpERFVlb5E3WU0oKilybBdsNqS9/AoEkwkePbrD54EHRKqQiOqqSgf5d999F2lpaXjqqafw2WefISQkBPfddx8EQYDNZrutIt5++22Eh4dDrVaja9euOHjw4E33ff/999GrVy/4+fnBz88PCQkJZfYXBAGzZ89GSEgINBoNEhIScO7cuduqkdyfYLPh+saNuHDPPdB//z9AKoXfqFGI3PED/J9+GlKtVuwSiRoUVWQkPPv3AwDkfr6pRq7BNeSJyJ15KDwgl5R2gL2xVT7vy//A+PvvkGg0CJ43j0P8iMhllQ7yAKDRaPDYY49hz549OH78ONq2bYugoCD07NkTI0eOxObNm10uYNOmTZgyZQoSExNx+PBhdOjQAQMHDkRmZma5++/evRsjRozArl27sG/fPoSFhWHAgAG4evWqY58lS5Zg5cqVWLNmDQ4cOAAPDw8MHDgQxcXFLtdHdYMlLQ2XnngCGa/Oh81ggDo2FhH/+RLBr7wMeaNGYpdH1GD5DRsOAMj/9lvY/lrmsTpx6TkicmcSiaRM9/qS3FxkLl0KAAicPAnKpk1Fq4+I6i6XgvyNoqKi8Nprr+Hy5cv45JNPYDQaMWLECJfP88Ybb2DcuHEYO3Ys2rRpgzVr1kCr1WLt2rXl7r9x40Y8++yz0Ol0aNWqFT744APYbDbs3LkTQGlr/PLly/Hyyy/jvvvuQ2xsLNavX49r165hy1/Le1D9kv/dd7gw5D4Y9+2HRK1G0MsvI/yzT6Fu00bs0ogaPI8e3SEPCYEtPx8FO36s9vPbgzwnuiMid2UP8vYJ77LfWQ1bQQFUrVvDb9QoESsjorqsykHecQKpFIMHD8aWLVtw+fJll441m804dOgQEhISnM6XkJCAffv2VeocRqMRFosFjf5qdU1JSUF6errTOX18fNC1a9ebntNkMkGv1zs9yP0JFgvSX3sN16ZOg62gAOoOsYj4ejMaPToKEplM7PKICIBEJoPvX2M/8776T7Wfny3yROTubpy53pyaitzPPgMABL0wjX+vEFGV3XaQv1FgoGt/SGVnZ8NqtSIoKMhpe1BQENLT0yt1junTpyM0NNQR3O3HuXLOhQsXwsfHx/EICwtz6T6o9pVkZ+PS2MeRu34DAKDx+PEI37gRqogIkSsjon/yfeB+QCKBcd9+mK9cqdZz28fIcw15InJXN3atz3zjTaCkBB69e8GjRw+RKyOiuqxag3xtW7RoET7//HN8/fXXUKvVVT7PzJkzkZ+f73i42rOAapc5NRWpw0fA+McfkHp4oOmqtxA4eRIk8kqvpkhEtUjRpAk8uncHAOR99VW1nptryBORu7O3yFuPnUTBDz8AUikCp00TtygiqvNEDfL+/v6QyWTIyMhw2p6RkYHg4OAKj126dCkWLVqEH374AbGxsY7t9uNcOadKpYK3t7fTg9xT0Z8nkDpyFCxXrkDRrBnCv/wCXjcMoyAi9+T78EMAgPyvt0CwWqvtvBnG0n/r2bWeiNyVPciHfbIbAODzwP1QR0eLVxAR1QuiBnmlUolOnTo5JqoD4Ji4rvtfrTflWbJkCV599VVs27YNnTt3dnotIiICwcHBTufU6/U4cOBAheck92c4cBCXRo+G9fp1qNu0QfinG6Fq0ULssoioEjz794fM1xcl6ekw7N9fLecUBOHvFnkuP0dEbspH5YOoKwIan8kAFAoEPPec2CURUT1QpSCfl5eHDz74ADNnzsT169cBAIcPH3ZaAq6ypkyZgvfffx8ff/wxTp06hWeeeQYGgwFjx44FAIwePRozZ8507L948WK88sorWLt2LcLDw5Geno709HQUFhYCKF3mY9KkSZg/fz62bt2K48ePY/To0QgNDcXQoUOrcrvkBoyHD+Py00/DZjRC270bmq1fD7m/v9hlEVElSZVKeA0YAAAo2LGjWs6pN+thtpkBsEWeiNyXr8oXgw/aAAA+gwdD8Y95nIiIqsLlQcXHjh1DQkICfHx8kJqainHjxqFRo0bYvHkzLl26hPXr17t0vmHDhiErKwuzZ89Geno6dDodtm3b5pis7tKlS5BK/36/YfXq1TCbzXjooYeczpOYmIg5c+YAAF588UUYDAY89dRTyMvLw5133olt27bd1jh6Ek/R8eO4PO4pCEVF8LjzTjR9521IlUqxyyIiF3ndlYC8L75A4c6fIMyeDYn09jqF2Wes91X5QinjvwlE5J4aZ1vQ6oxQ+nzsGHGLIaJ6QyIIguDKAQkJCejYsSOWLFkCLy8vHD16FC1atMBvv/2GkSNHIjU1tYZKrT16vR4+Pj7Iz8/neHmRFZ89i4v/Hg1bfj60Xbog7N01kGo0YpdFRFUgmM0426MnbIWFaP7Zp9DGxd3W+fZe3Yunf3waUX5R2DxkczVVSURUvY7OmADllp04FaPFA98cErscInJjruRQl5tDfv/9d4wfP77M9iZNmlR6yTiiyijJycGVp5+BLT8fmrg4hK1+hyGeqA6TKJXwjI8HABTs+PG2z+dYQ55LzxGRmyrJzYXyf78AAL7vxtV1iKj6uBzkVSoV9Hp9me1nz55FQAAnG6LqYTObcWXCc7BcuwZF82alId7DQ+yyiOg2ed11FwCg4Mcf4WKHsDIca8hzfDwRuanczz4DTGZcCP5/9u47vK3yeuD492rLe28njrP3XoyEEQhQ9m6hjLa00PIrJUBbOiijlA5WKW1pKbNl7x0IgRBCEkL2nk6895a1pfv741rKchLbkX1l+3yeR48V6ere45YoOjrnPS98k+MiqAb1DkkI0U90OZE///zzuffee/H5fIA2XK6kpIRf/OIXXHLJJREPUAw8qqpS9du7cK1bhyE+nvx/PoExKUnvsIQQERB38kkoFgu+khI8O3cd17lCFXnZQ14IEY3UQICmV18D4L0ZBoKotHpbdY5KCNFfdDmRf+ihh3A4HGRkZOByuZg7dy7Dhg0jPj6e+++/vydiFANM40sv0fzOO2A0kvvoI1gLh+gdkhAiQgyxscSeeCIArZ8e3/R6aa0XQkSztuUr8FdVYUxMZNNYrauwydOkb1BCiH6jy4t1EhMTWbRoEcuWLWPjxo04HA6mTJnCvHnzeiI+McC4d+6k5k9/BiDj9tuJa//AL4ToP+LnzcPx+ee0LvqU9J/8pNvnqXPVAZAWI1tRCiGiT9MbbwCQcN55xMUupaXNRZOnicEM1jkyIUR/0O2pGyeddBInnXRSJGMRA1zQ7abitttQPR5i55xMynXX6h2SEKIHxJ12KhiNeLZvx1dejjk3t1vnCa2RT7dLa70QIrr4GxtpXbwYgKRLLyFx1wYq2ipo9jTrHJkQor/ociL/2GOPdfi4oijYbDaGDRvGnDlzMBqNxx2cGFiq//QnPLt2Y0xLI+eBB1AURe+QhBA9wJScjH38eFzr19O2ciVJ3ZivoqpquCIvibwQItq0vPce+HzYxozBNmoUSSVJAJLICyEipsuJ/COPPEJtbS1Op5Pk5GQAGhsbiYmJIS4ujpqaGgoLC/n888/Jz8+PeMCif2pbvpyml14GIOePf8SUmqpzREKInhQze1Z7Iv91txL5Fm8L/qAfgFS7vF8IIaKHqqo0va611SdecrH205oIyBp5IUTkdHnY3R/+8AemT5/Orl27qK+vp76+np07dzJz5kz++te/UlJSQlZWFrfeemtPxCv6oaDbTeU99wCQ/J3vEHeSrIsXor+LnTkLgLaVK7q1DV2tU2urT7AkYDFaIhqbEEIcD/eWrXh27kSxWEg891xAEnkhROR1uSL/m9/8hjfeeIOhQ4eGHxs2bBgPPvggl1xyCUVFRfz5z3+WrehEp9X961/4ikswZWSQvkC+ABJiILBPnoRitRKorcNbVIT1gH9TOqPOLW31Qojo1PzWWwDEn3EGxkQtgU+yJmnPSWu9ECJCulyRr6ysxO/3H/a43++nqqoKgJycHFpbZZ9McWye3bup/89TAGT+5tcY4+J0jkgI0RsMVisxU6cA0LZiZZdfH6rIp9llYr0QInqofj8tCxcCkHjB+eHHQ4m8VOSFEJHS5UT+1FNP5Uc/+hHr1q0LP7Zu3TpuuukmTjvtNAA2bdrEkCGy97c4OlVVqbz7bvD5iDv1VOLPOEPvkIQQvSjmgPb6rqp31QOy9ZwQIrq0ff01gfp6jElJxM6eHX5cWuuFEJHW5UT+qaeeIiUlhalTp2K1WrFarUybNo2UlBSeekqrrMbFxfHQQw9FPFjRv7R++imu1WtQ7HayfvsbmVIvxAATO1tL5J2rvkENBLr02vAe8jZJ5IUQ0aPlww8BiD9rPorZHH5cWuuFEJHW5TXyWVlZLFq0iO3bt7Nz504ARo4cyciRI8PHnHrqqZGLUPRLqt9P7cOPAJB6/XWYc3J0jkgI0dtsY8ZgiI8n2NKCe+s27OPHdfq14T3kY2SNvBAiOgS9Xlo/WQRAwjnnHPSctNYLISKty4l8yKhRoxg1alQkYxEDSNObb+LduxdjcjIp3/ue3uEIIXSgmEzETJ+O47PPcH69skuJfKi1XraeE0JEi7Zlywi2tmLKyCBm2rSDnpOKvBAi0rqVyJeVlfHuu+9SUlKC1+s96LmHH344IoGJ/ivoclH3t8cBSLvpJhlwJ8QAFjtrFo7PPqNtxUpSf/CDTr8uVJGXYXdCiGjR8v4HACScfTaK4eDVq4k2bY28y+/CE/BgNVp7PT4hRP/S5UR+8eLFnH/++RQWFrJ9+3bGjRvHvn37UFWVKVOm9ESMop9peP6/+GtrMeflkXTlFXqHI4TQUXid/Jo1qD7fQWtKjya0Rl62nxNCRIOg00nr558DkHDutw57Ps4ch0ExEFSDNHuayYjJ6O0QhRD9TJeH3d15553cfvvtbNq0CZvNxhtvvEFpaSlz587lsssu64kYRT8ScLRR3z4UMf2Wn2KwWHSOSAihJ8vQoRgSE1Hdbtw7dnbqNd6AlxZvCyAVeSFEdGj9/HNUlwvzoEHYxh2+TMigGEi0yOR6IUTkdDmR37ZtG9dccw0AJpMJl8tFXFwc9957L3/6058iHqDoX5pefZVgSwuWIUNI+Nbh31gLIQYWxWDAPnECAK4N6zv1mlA13mwwk2BJ6KnQhBCi01oXfQpAwvz5R9yFJ7QFnayTF0JEQpcT+djY2PC6+OzsbPbs2RN+rq6uLnKRiX4n6PXS8OyzAKT+4PuHrR8TQgxM9okTAXBt2NCp48Nbz9nTZNtKIYTugh4PjqVLAYg/84wjHieT64UQkdTlNfKzZs1i2bJljB49mnPOOYfbbruNTZs28eabbzJr1qyeiFH0Ey3vvou/pgZTZiYJ552ndzhCiChhnzgJ6HwiL4PuhBDRpO2r5ahOJ6asrA7b6kMkkRdCRFKXE/mHH34Yh8MBwD333IPD4eCVV15h+PDhMrFeHJEaCFD/1NMApFx7rayNF0KE2SeMB8BXXIK/oQFTSspRjw9tPSeJvBAiGrR+qrXVx8+bd9QuIWmtF0JEUpcS+UAgQFlZGRMmaOsZY2NjeeKJJ3okMNG/tC5ejHfvXgwJCSRdfrne4QghoogxIQHL0KF49+zBtWED8aeeetTjD2ytF0IIPal+P47PPgO0RP5owhV5d1MPRyWEGAi6tEjZaDRy5pln0tjY2FPxiH6q4ZlnAUi+6jsY42L1DUYIEXW6sk4+1FovW88JIfTmXLOWQFMTxqQkYqZNPeqxSbYkAJq9UpEXQhy/Lk8bGzduHEVFRT0Ri+in3Dt24Fq3DkwmUr7zHb3DEUJEoa4k8qGKfKo9tUdjEkKIY2ldtAiAuFNPRTEdvdE1tMuGrJEXQkRClxP53//+99x+++28//77VFZW0tLSctBNiEM1vfIKoLWcmdKlgiaEOJx9kpbIuzduQg0EjnqsrJEXQkQDVVVpXbwYgPgzjjytPiTUWi9r5IUQkdDlYXfnnHMOAOeff/5BAz1UVUVRFALH+AAmBpZgWxvN77wLQPKVV+gcjRAiWlmHDUOJiSHY1oZnzx5sI0Yc8VhprRdCRAP35i34KytRYmKIPfGEYx4vU+uFEJHU5UT+888/74k4RD/V/MEHBNvasBQUEDNzpt7hCCGilGI0Yh8/HufXX+Nav/6IibyqqjLsTggRFRxLlgAQd+KJGKzWYx4vU+uFEJHU5UR+7ty5PRGH6IdUVaXx5ZcBSLriiqNuySKEEPaJE7VEfsMGko+wu0Wzpxl/0A/IGnkhhL4cS5cCEHdK5z4bH9haH+pkFUKI7uryGnmAL7/8kquvvpoTTjiB8vJyAP773/+ybNmyiAYn+jb35s14tm5DsVhIvPACvcMRQkS50Dr5ow28C1XjE62JWIyWXolLCCEO5a+rw71pEwBxc+Z06jWhqfUBNUCrr7WnQhNCDBBdTuTfeOMN5s+fj91uZ+3atXg8HgCam5v5wx/+EPEARd/V9OqrACScfRam5GSdoxFCRDvb2HEAeIv2EnS5Ojymzq0l8rI+XgihJ8fSLwGwjR3b6UG+VqMVu8kOQLNb2uuFEMenW1Prn3jiCZ588knMZnP48RNPPJG1a9dGNDjRdwU9HloWfgxA4sWX6ByNEKIvMGWkY0xNhWAQz65dHR5T69QG3UlbvRBCT+G2+rmdq8aHhNfJy17yQojj1OVEfseOHczpoIUoMTGRpqamSMQk+gHH0qUEW1sxZWYSM32a3uEIIfoARVGwjRoFgHvb9g6Pka3nhBB6U30+2tqXk8Z1cXZUokVL5GVyvRDieHU5kc/KymL37t2HPb5s2TIKCwsjEpTo+1reex+AhG99C8XQrVEMQogByDY6lMhv7fB52XpOCKE359p1BB0OjMnJ2MaN69JrZQs6IUSkdDnDuuGGG7jlllv4+uuvURSFiooKXnjhBW6//XZuuummnohR9DGB1tbwliyJ552rbzBCiD7FOno0AJ4jVORl6zkhhN4cS78AIG7OyShGY5deK1vQCSEipcvbz/3yl78kGAxy+umn43Q6mTNnDlarldtvv53/+7//64kYRR/T+sknqF4vlmFDsba3yQohRGfY2hN5986dqIHAYR+SpbVeCKE3xxftiXw3tmSWirwQIlK6nMgrisKvf/1r7rjjDnbv3o3D4WDMmDHExcX1RHyiD2pub6tPPPc82SNVCNEllsGDUex2VJcLb3Ex1kOWbIVa6yWRF0LowVtWjnf3HjAaiT3xxC6/PlSRb3I3RTgyIcRA0+XW+v/97384nU4sFgtjxoxhxowZksSLMF91Nc6vvwYg4VxpqxdCdI1iNGIbMQIA97Zthz0vrfVCCD2F2urtkydhTEzs8utDFXlprRdCHK8uJ/K33norGRkZfOc73+HDDz8kEAj0RFyij2r56CNQVexTpmDJy9U7HCFEH2RtH3jn2X7wOnlPwEOLtwWQRF4IoY/jaasHSLIlAdJaL4Q4fl1O5CsrK3n55ZdRFIXLL7+c7OxsfvKTn7B8+fKeiE/0Ma2ffgpAwlln6RyJEKKvso1qXyd/yMC70Pp4i8FCgiWh1+MSQgxsQbcb50qt6zBuTjcT+VBFXvaRF0Icpy4n8iaTiXPPPZcXXniBmpoaHnnkEfbt28epp57K0KFDeyJG0Uf4GxpwrV0HQPy803WORgjRV9nGhBL5baiqGn78wLZ6mb8hhOhtzq+/RvV4MGVnYx0xvFvnCH0JKa31Qojj1eVhdweKiYlh/vz5NDY2UlxczLYO1jOKgcPx+RIIBrGOGY05J0fvcIQQfZR1+HAwGAjU1+OvrcWckQHIoDshhL7CbfVz5nT7y0SZWi+EiJQuV+QBnE4nL7zwAueccw65ubk8+uijXHTRRWzZsiXS8Yk+pHXxYgDiT5dqvBCi+wx2O5bCIcDB6+RDrfWp9lRd4hJCDFyqquL4YinQ/fXxsD+Rb/O14Qv4IhGaEGKA6nIif+WVV5KRkcGtt95KYWEhS5YsYffu3dx3332Mkj3DB6yg00nbV18BED9vns7RCCH6uvA6+a37O71CFfl0e7ouMQkhBi7vnj34ystRLBZiZ83s9nniLfEoaNV8WScvhDgeXU7kjUYjr776KpWVlTz++OPMnj07/NzmzZsjGpzoOxxffYXq8WDOy8PavnWUEEJ0l619cr37gIq8bD0nhNBLqK0+ZsYMDDEx3T6P0WAkwaqtk5e95IUQx6PLa+RfeOGFg/7c2trKSy+9xH/+8x/WrFkj29ENUI5P97fVyxAqIcTxso4YCYBn967wY+FEPkYSeSFE74pEW31IkjWJZk+zrJMXQhyXbq2RB1i6dCnXXnst2dnZPPjgg5x22mmsXLkykrGJPkL1+2ldsgSQafVCiMiwDtN2QfHuK0b1aetI65ztibxNEnkhRO8JtLbiXLsWgLhTjj+RT7QmAjK5XghxfLpUka+qquLZZ5/lqaeeoqWlhcsvvxyPx8Pbb7/NmDFjeipGEeWcq9cQbG7GmJyMffJkvcMRQvQDpqwsDDExBJ1OvCUlWIcOpc4trfVCiN7X9tVX4PdjGTIES37+cZ9PJtcLISKh0xX58847j5EjR7Jx40YeffRRKioq+Nvf/taTsYk+om3Zl0D7diym49rRUAghAFAUBcuwYQB4du9BVdVwa316jAy7E0L0nki21QMkWtor8jLsTghxHDqddX300Uf89Kc/5aabbmL48OE9GZPoYxzLtGn1sSedpHMkQoj+xDp0KO6NG/Hs2U3QMwN/0A9Aqk22nxNC9A41GMSxNJTIz4nIOUOt9VKRF0Icj05X5JctW0ZraytTp05l5syZPP7449TV1fVkbKIP8NfWhvd5jj1h9jGOFkKIzrMOLQTAu6coXI1PsiZhNpr1DEsIMYC4t2whUF+PITaWmKlTI3LOUGu9rJEXQhyPTifys2bN4sknn6SyspIf/ehHvPzyy+Tk5BAMBlm0aBGtra09GaeIUm3LlwNgGzMGU6pUyYQQkWMZqg288+zZE95DXtbHCyF6U6itPvaEE1AsloicM7xGXrafE0Ichy5PrY+NjeV73/sey5YtY9OmTdx222388Y9/JCMjg/PPP78nYhRRLNxWf+KJOkcihOhvrO1r5L1FRdQ5agBJ5IUQvSu0f3yk2uoBEm3SWi+EOH7d3n4OYOTIkfz5z3+mrKyMl156KVIxiT5CDQbDFXlZHy+EiDRzTg6KzYbq9eIoLgIkkRdC9B5/XR3uTZsAiJ0TuUReWuuFEJFwXIl8iNFo5MILL+Tdd9+NxOlEH+HZvp1AfT1KTAwxkyfpHY4Qop9RjEYshUMA8BVJIi+E6F2OL5cB2vJBc0ZGxM4r288JISIhIom8GJgcX7W31c+YEbF1Y0IIcSBrobZOXikuBySRF0L0nlBbfWwE2+rh4Iq8qqoRPbcQYuCQRF50W5usjxdC9DDrMC2Rt5dqU+slkRdC9AbV66VtmVaRj4/Q/vEhoe3n/Kofp98Z0XMLIQYO3RP5v//97xQUFGCz2Zg5cyarVq064rFbtmzhkksuoaCgAEVRePTRRw875u6770ZRlINuo0aN6sHfYGAKtrXhXLsWgNiTJJEXQvSM0OT6hMoWANLt6XqGI4QYINpWfUPQ4cCYloZtwoSInttmtGE1WgFodDdG9NxCiIFD10T+lVdeYcGCBfzud79j7dq1TJw4kfnz51NTU9Ph8U6nk8LCQv74xz+SlZV1xPOOHTuWysrK8G1Z+zeqInKca9eCz4cpJxtLQYHe4Qgh+inrUG1yfXq1B0VVpSIvhOgVjs8WAxB/6qkohsh+XFYUJdxeL4m8EKK7dE3kH374YW644Qauv/56xowZwxNPPEFMTAxPP/10h8dPnz6dv/zlL1x55ZVYrdYjntdkMpGVlRW+paXJB79Ic676BoDYGTNRFEXnaIQQ/ZVlUD6YTNh8kNoCqfZUvUMSQvRzajBI6+LPAIifd3qPXCPFlgJAo0cSeSFE9+iWyHu9XtasWcO8efP2B2MwMG/ePFasWHFc5961axc5OTkUFhZy1VVXUVJSctTjPR4PLS0tB93E0Tm/0RL5mOnTdY5ECNGfKSYThsH5ABQ0mEiwJOgckRCiv3Nv2YK/uhpDTAwxs2b1yDWSbckANLgbeuT8Qoj+T7dEvq6ujkAgQGZm5kGPZ2ZmUlVV1e3zzpw5k2effZaFCxfyz3/+k71793LyySfT2tp6xNc88MADJCYmhm/5+fndvv5AEHQ6cW3eDEDMDEnkhRA9yzdI+3diRLNdOoCEED2u9VOtrT52zhwMR+kAPR6hRF5a64UQ3aX7sLtIO/vss7nsssuYMGEC8+fP58MPP6SpqYlXX331iK+58847aW5uDt9KS0t7MeK+x7V+Pfj9mLKyMOfl6R2OEKKfc+ZqH3gHNxh1jkQIMRCE18efflqPXSPZKom8EOL4mPS6cFpaGkajkerq6oMer66uPuogu65KSkpixIgR7N69+4jHWK3Wo665Fwdzrl4NaG31Uh0TQvS0xsxY4oHM+oDeoQgh+jnvvn14du0Gk4m4OZHdP/5AoXkf0lovhOgu3SryFouFqVOnsnjx4vBjwWCQxYsXM3v27Ihdx+FwsGfPHrKzsyN2zoEuNOguZto0nSMRQgwEVWnaP1UpNW6dIxFC9HehIXexM6ZjTEzsseuEK/Iy7E4I0U26ttYvWLCAJ598kueee45t27Zx00030dbWxvXXXw/ANddcw5133hk+3uv1sn79etavX4/X66W8vJz169cfVG2//fbb+eKLL9i3bx/Lly/noosuwmg08u1vf7vXf7/+KOjx4Nq4EZBBd0KI3lGWqFXibS1uAjKMVAjRg1o//RSAuNN6Zlp9iKyRF0IcL91a6wGuuOIKamtrueuuu6iqqmLSpEksXLgwPACvpKQEwwF7d1ZUVDB58uTwnx988EEefPBB5s6dy5IlSwAoKyvj29/+NvX19aSnp3PSSSexcuVK0tPTe/V3669cGzager0Y09KwDCnQOxwhxABQRTMNcZDi0Npe7RMm6B2SEKIf8lVW4lq3DhSF+DPmHfsFxyG0/Zy01gshukvXRB7g5ptv5uabb+7wuVByHlJQUICqqkc938svvxyp0EQH9m87N03WxwshekWds46KVIUUh4p3715J5IUQPaLl448BsE+dgvmQXZUiTSryQojj1e+m1ouedeCgOyGE6A117joqteIVnr179Q1GCNFvtXz0EQAJZ5/d49cKJfJOvxNPwNPj1xNC9D+SyItOU71eXOvWAxAribwQoheoqkqdq46KFK0DyLuvWOeIhBD9kbesHPeGjWAwkHDmmT1+vXhzPCaD1hgrVXkhRHdIIi86zb1jB6rbjTExEcvQoXqHI4QYAJo9zfiDfiraK/JeqcgLIXpA68cLAa3j0NQLc5UURQlPrpd18kKI7pBEXnSaa/0GAGyTJqIY5D8dIUTPq3PVAeDI0raB8hYXowaDeoYkhOiHWj7SEvmEs8/qtWvKOnkhxPGQbEx0mmv9egDsEyfqG4gQYsCoc2uJvJKdAWYzqtuNv7JS56iEEP2Jt6QE9+bNYDAQ3wtt9SGhRF4q8kKI7pBEXnSaa4NWkZdEXgjRW2qdtQAkx6VhGTQIAM++fTpGJITob1oWatPqY2fNxJSS0mvXTbFq15KKvBCiOySRF53ir6vDV1YGiiJbPwkhek29qx6AdHs6loICALx79+kXkBCiX1FVleZ33gEgvhem1R8o3FrvkUReCNF1uu8jL/oG18aNAFiHDcUYH69zNEKI/kZVVcqbXGyrbCU70cbYnAQURQmvkU+zp2EdkooDGXgnhIgc98aNePfsQbHZemXbuQPJGnkhxPGQRF50SnjQXRfb6r3+ILtqWtla0UJZowsARYE4q4mC1FgK02MZlBKDySjNIUIMRJvKmnli6R5W7Kmnoc0bfnxIWiznTcimzFQFaIm8pSAWAK+01gshIqTpzbcAiD/zDIxxcb167RSb1lova+SFEN0hibzolK4MuvMHgizdVcvLq0r5fEcNvoB61OPjrSZOHJbGnBHpzBudQUaCLRIhCyGi2KayZh5etIPPd9SGHzMZFIZlxLG3ro29dW089tlukguLwNqeyA/JAqQiL4SIjKDbTcuHHwKQdPHFvX59qcgLIY6HJPLimFS/H9fmzcDRE/lgUOW1NaU8+ukuKpvd4ccTbCbG5CQwJC0OowFUFZpcPopq29hb56DV42fhlioWbqniN2/DaaMyuGL6IE4dmS6VeiH6Ga8/yKOf7uSJL/YQVMGgwAWTcrl61mDG5iRgMxtxePws3lbNQ5/spI5mjIBVScQyZAgAvspKgm43Bpt86SeE6L7WTxcTbG3FnJtLzIwZvX790D7yskZeCNEdksiLY/Ls3o3qdGKIi8M6bFiHx2wqa+a372xmfWkTAMkxZi6eksdl0/IYmRmPoigdvi4QVNlc3swXO2v5bHsN60ub+HRbDZ9uqyEv2c6P5g7lsql52MzGnvr1hBC9ZHtVCz97eT3bq1oBOG9iDredMYKCtNiDjouzmrhgUi5TBiVzzjsOAB78qJIZ18/AkJBAsKUFb3EJtpEjev13EEL0H81vvglA4oUXohh6v3AgrfVCiOMhibw4ptD6ePuE8Yf9Q6eqKk8t28sfPtxGUNU+gP9s3nC+O3swVtOxk2+jQWFifhIT85P46enD2V3j4NXVpby+poyyRhe/fXszjy3exY9PGcp3Zg7q1DmFENHn3Q0V/Pz1Dbh9QVJiLfzhonGcNS77qK/JTDSBwQnA9jK4/4Pt3DikAPeGjXj37pVEXgjRbb6KCtpWrAAg8aILdYkh1Frf6m3FF/RhNph1iUMI0TdJ37I4ptD+8YcOuvP6g/zyjU38/gMtiT93Qjaf3TaXH5xc2O2Ee1hGHL86ZzRf/eI07j5vDDmJNmpbPdzz3lbmPfwF76wvJxg8+pp7IUT08AeC/OHDbfz0pXW4fUHmjEjn45/NOWYSD4Qn1psUMwTtvL62DF92PgDevUU9GrcQon9revMtUFViZszAkpenSwyJ1kQMivZRvMndpEsMQoi+SxJ5cUyhRP7A9fFtHj/XPP01r6wuxaDAXeeO4W/fnhyxQXV2i5HrThzCkjtO5f6LxpEeb6W0wcUtL6/nkieWs7m8OSLXEUL0nIY2L9c+s4p/L9WS7h+fMpRnrptOery1U68PJfLpMWmcMjKDQFBlhT8BAM8eSeSFEN0T9HppfPllAJIuv1y3OAyKgSRrEiDt9UKIrpNEXhxVoLUVb5H2gdk+YQKgVdh+8uJaVhY1EGc18dS10/neSUOOuA7+eFhMBq6aOZgv7jiF288cQazFyLqSJs5/fBl3vbOZZqcv4tcUQhy/LRXNnPe3ZXy1u54Yi5F/XDWFn581CqOh8+8T4UTens7P5mlt9B+3al8CeIr2RD5oIcSA0PLhhwTq6jBlZpIw/0xdY5GBd0KI7pJEXhyVe9s2AEw52ZhSUlBVlV+/tZklO2qxmQ08//0ZnDoqo8fjiLGYuPm04Sy+7RTOm5hDUIXnVxRz2kNLeHV1qbTbCxElgkGV/64s5pJ/Lqe8ycXg1Bje+vGJnDP+2K30hwol8qn2VCblJ3HaqAyK4zMB8BbtRQ0GIxq7EJGgqiqq1yv/fUYpVVVpeP55AJKvugrFrO+6dNmCTgjRXTLsThyVe8tWAOxjxwLw2OLd4Xb6v317ClMGJfdqPFmJNv727cl8e0Y+d72zhd01Dn7++kZeXlXC/ReNZ3R2Qq/GI4TYr6jWwS/f2MSqfVqL6NwR6Tx25WQSY7r3QTmUyKfZ0wD42bzhXLi1Ep/BiNntxldRiSUvNzLBC3EE/sZGvHv34auowF9XS6CuDn9tHf467RZ0OlHdboJeL6rbjerx7H+x0YhiNu+/Wa0Y4+MxJMRjjE/AmBCPIT4BY3ISpvR0TGnpmNLTtPupqbonmf2Ra/VqPFu3odhsJF12qd7hhBN5aa0XQnSVJPLiqNxbtgBgGzOGZbvqeOTTnQDce8E4zhiTqVtcJwxN48Ofnsyzy/fy6Ke7WFvSxLl/W8YPThrCLfOGE2OR/7SF6C3bKlt4bvk+3lxXjtcfJMZi5I75I7lmdkGXWukPdWBrPcCEvCROG5tN2ZJ0hrRU4d2zWxJ5EVG+igqca9fh3rIF99ateHbuJNB4HJXSQAA1EEB1u8MP+SsrO/1yY3IyprT2xD47C3NODuacXO1nbg7mzExJ9rsoVI1PvOACTMm9W4zoSGgLOqnICyG6SrIdcVTurVpFPjh8JD9/XRt6d9XMQVw9a7CeYQHa+vkfzhnKeRNzuPe9rXy0uYp/LS3i/Y2V3HvBWE4frd8XDUL0d81OHx9truTNdeWs2ru/knTy8DT+cNF48lNijvsata5aQGutD7lsWj774jIY0lKFe88e4ubOPe7riIEr4GijbdkyHEuX4ly1Cl9ZWYfHmbKzseTlaQl1ehrGUHKdmoYxPg7FakWx2jBYLSg2G4rZrCXwPh/4fKjtt6DbTaClhWBr6/6fzS0EGhvx19ZqVf7aWvz19eD3E2hsJNDYiGfXro5/AUXBlJHRnuDn7E/wQ/ezszHExvbg/4J9i7e4mNZPFwOQ8t2rdY5GI631QojukkReHFHA0YZ3714A/lZqpKLZweDUGH51zmidIztYdqKdf149lc+2V/Pbt7dQ3uTi+8+tZv7YTO4+fyzZiXa9QxSiX6hpdfPZthoWba1m6a5afAFtNoXRoHDW2CyuO7GAaYOTIzb4st5VD+xvrQetXX9lUhZUbKRy43bSjvRiIY4g4GijddEiWj74AOfXX2vJdojRiG3MGOzjx2EbOxbrqFFYhwzBEHP8X0x1hRoMEmhuxl9Ti7+uFn9NLb7KCq29v6ICX3kFvspKVK8Xf3U1/upqXOvWdXguY2IipoOSey3BN+dkY87OxpiaimLo/yOTVK+Xip//AlSV2JNPxjpsmN4hATLsTgjRfZLIiyPybN8GqkogJY3/7nCgKPDgZROJtUbnfzanjcpk1oJU/rp4F//5ci8fb6lm2a46Fpw5kmtnD8Zk7P8fVISIpGaXjzXFDawsamDFnno2HbLt46iseM6bmMNFk3PJSYr8F2aHttYD2MxGkkaPhK2f0Lx9Z8SvKfonVVVxrV9P40sv0broU1SXK/ycZfBg4k47jdgTZmOfPAVjnP4VbMVgwJScrLV+jxzR4TGqqhKor8dXoSX4vvL2n5WV4ceCLS0EmpsJNDfj2bqt42tZLFrbfijBb0/yTdnZ+6v6tshsLaunmocfwbVhA4aEBLJ+9zu9wwkLtdbLGnkhRFdFZ0YmokKorX5DjDZt+gcnDWF6QYqeIR1TjMXEnWeP5qLJufzqzU2sLWnivve38ubaMv5w0Xgm5ifpHaIQUScYVClvcrG7xsGumla2VbayobSJorq2w46dmJ/EvFEZzB+XxYjM+B6LSVXVw4bdhYybPQHeAFtFCcFgEMMAqCaK7lF9Plo++oiG5/+Le/Pm8OOWwYNJuOB8Es46C2thoY4Rdp+iKNr6+bS08Pawhwo4HO0JfrlWza+qClfzfZWV+GtqUL1efMUl+IpLjngtY0rK/gQ/MwtTRoa2tCAjHXP7fUNiYo9sQxsJrZ9+SsOzzwKQ88Afomq2hiTyQojukkReHFFo0N2WuGzyku3cduZInSPqvFFZCbx+4wm8/E0pf/xoG1sqWrjwH19xzazB3DZ/JAk2GQ4kBha3L0B5k4vyRlf4Z1mjk921DvbUtOHyBTp83eDUGGYNSWX20FROGJpKRkLvVOZavC34glrL84Fr5AFmnzKFIkUh1uti06a9TJw4tFdiEn2H6vXS9M471P/r3+F174rFQsK555J8xeXYJkyI2qQzkoxxcRhHjsB2pKq+z4evugZ/ZaiSX7m/ql9Zga+iEtXpJNDQQKChIfy5oCOKxRJO8I0pKZhSkjEmJWNMbr8lJWKIjcUQG4ux/achNlabKXCML+PUYFCbM+DxhOcLBFpaCbQ0a10H4fvtswdaWrRjWlsINrfgb9CS5JTrriP+9NO7/z9oD5A18kKI7pJEXhxR2ybtH+xdSXncOm8ENrNR54i6xmBQ+M7MQZwxJpP7P9jK2+sreG5FMR9truLX3xrN+RNzBsQHOdH/qapKi8tPWZPzoES9vMlFRZP2s87hPeo5LEYDQ9JiGZYZx4iMeCbkJzIxL4mUWEsv/RYHC1XjE62JWIwHxxATF0NrUgZJjdWsWrJGEnkRpqoqrR99RM1DD+MrLwe0anLKNd8l6YoromJKeTRRzGYseblHrFCrqkqwpWV/cl9egb+mRrvV1uKvrcFfU0uguVmr7JeVHXFg4FEZDCgmE5hMKO230LBA1esFv/84f1OIPeEEMm5bcNznibRQRb7Z04w/6MdkkI/mQojOkXcL0aGg04lv714UQB02kgsnR08bWlelx1t59MrJXDo1n9+8vYl99U5ueXk9zy7fx2/PHcOUQfLBTkS3YFClptVDeZOT8iZ3e5LuPCBZd+PwHPuDbqzFSG6yndwke/vPGArTYxmeEceglJiomiMRmlifZut4nJ25sBDWVFO8fiuqqsqXcgLXxo1U/+EBXOvXA2BMTyP1+98n+fLLe31YXX+hKArGxESMiYnYRh950G3Q49ES+5pa/LW1BBobtEn8jY0EGrTJ+4HmZoJtbftvTieoavsJglrC7vWiHismqxVjQgKGhIT2n/EY4w+4n5CIMSF+//Px8RgTEzHn5kbl+0SyLRmjYiSgBqh31ZMZKzvuCCE6RxJ50aHKtRtR1CD1tgRuuGjGce0FHS1OGp7Gwp/N4cmlRfzziz2sK2ni4n8s54JJOfz8rFHk9sCwLiE6w+0LUNl8QIJ+QLJe0eSmstkVnhB/NKmxlnCinpN0YMJuJy/ZTqLdHJUfZDtypPXxIdkTRtGyZgXxVaVsLm9hfF5ib4YnokigtZWahx+m6eVXQFVR7HZSf/B9Uq+/XhL4XmKwWrHk5WHJy+v0a9RgENXlIuj1ajsH+P2ooZvPj2Iyolgs2s1sDt83WPTpEuopBsVAqj2VGmcNta5aSeSFEJ0mibzo0JL3vmQKUJNVwEVj+s8/Kjazkf87fTiXT8/nLx/v4I21ZbyzvoKFm6v44ZxCfjinkHhZPy8i6MC294omN+WNznAVvay9Bb7O4TnmeYwGhawEWzg5z0mykZsUs7/CnmTHbulby1+OJrz1XEzHiXzs8OG0AINaa/hyd60k8gNUyyefUHXffQRq25diXHAB6QsWYM7M0DkycSyKwYDSvk5+oMuwZ2iJvLNW71CEEH2IJPLiMM1OH03rNwEweNaUPlPB64rMBBsPXjaR604o4N73t7JqbwN/+2w3/11ZzA0nF3LtCQXERek2eyK6BIIqte1t72WNWoLenbZ3u9l4UDU978DKerKdzHhrVLW+97TQB9ojtdZbh2nr4vMdNXxU1MCPT+mtyEQ0CLS0UH3//TS/8y4AloICsu6+m9hZM3WOTIiuS4tJg/r9S4qEEKIzJFMRh3ltTSlDGrVhNcNPnqZzND1rXG4ir/xwFh9vqeLPH++gqLaNv3y8g6eW7eWHcwq5ZvZgYizy12QgO6ztvdGltb43aZX1qmZ3l9recxLtHSbsSTF9p+29N9S5j95ab2nfMizV3cK2neX4AkHMA+iLjoGs7etVVPziF/irqsBgIPWGG0j7yY/7Xcu1GDgy7FoHiSTyQoiukAxFHCQYVHl5eRGPtFYDYD/KcJv+QlEUzhqXzRljsnhvQwV/XbyLvXVt/PGj7fznyyJ+OKeQK2cMki3r+qlml++ASe9OKtqT9q62vWcn2rTEPNz6vn+Nek5i/2p77w3hNfJHaK03xsVhyszEX11NakMFm8ubmSyDK/s1NRik/t//pvaxv0EwiHnwIHL++EdiJk/WOzQhjkvofU5a64UQXSGJvDjIst11+PftxaQGUeLjMWVn6x1SrzEaFC6cnMu5E7J5Z72W0Jc0OPnDh9v566e7uHRqHteeUEBhepzeoYpOCgZVah0eyg7ciu2A7dkqmly0dqLtPcZiPGBt+v7hcaH7mQm2fjEQMprUOY9ekQewDi3EX11NXmstX+9tkES+H/M3NlJxx89pW7YMgMSLLiLrt7+RYXaiX5CKvBCiOySRFwf578pihrRUAmAbOWJAtvqajAYumZrH+ZNyeGtdOf/5soid1Q6eW1HMcyuKOXVkOtefOISTh6cNyP99oonLG6Ci2UVlk5uK5kOS9PbHvYHgMc+TEmsJD4w7eHs2aXvXS7i1/ghr5AHM+YOAFWS31bOyqJ4b58p+8v2Re8dOyn78Y3zl5Sg2G1m//S1Jl1ysd1hCREx6TDogFXkhRNdIIi/CyptcLN5WzXXN7Yn8iJE6R6Qvs9HA5dPyuWxqHl/trueZr/by2Y4aPt9Ry+c7ahmSFsvFk3O5cHIu+SlSFYo0ty9AVbOWoFc1u6lsdlPR5Ar/rGpx0+T0HfM8A23ae3/gDXhp9jQDR6/IWwblA5DtrOetfY34A8EBNRBwIGj99FPKf/4LVKcTc34+eY8/jm3kCL3DEiKi0u3tibxU5IUQXSCJvAh76esSgipM9muVMOvIgZ3IhyiKwknD0zhpeBr76tp4dvk+Xltdyt66Nh5atJOHFu1k8qAk5o3O5IwxmQzPiJPq7TF4/UGqW/Yn5trNFd4zvarZTX2bt1PnirUYyU6yk51oCw+OO3CoXFaCTZK7Pia09ZzJYCLReuRt5cz5WiKf56zH4fGzpaKFiflJvRGi6GGqqtLw1FPUPPgQADGzZpH7yMOYkmX5hOh/QhX5elc9/qAfk0E+ngshjk3eKQSgfWh6e305AAXN+1vrxcEK0mK5+/yx3DF/JAs3V/HmujKW76lnXUkT60qa+MvHOxicGsO80ZnMG53J1MHJWEwDK4kMVdKrW9xUtbjbE3YtQQ8l7XUOD+qxB71jMxvISbSTnWQjO1FL1rPb/xx6PN5qki9O+pnwoDv70ZevWAYNAiDP1QDAyqJ6SeT7AdXvp+r++2l66WUAkq+6isw7f4liko8son9KsaVgVIwE1AAN7gYyYjL0DkkI0QfIv4oCgE3lzZQ1usgMujA11oOiYB0+XO+wolas1cQlU/O4ZGoe1S1uPt1Wzadbq/lqTz3F9U6eWraXp5btxWY2MG1wCjOHpDAuL5GxOQlkxNv0Dr9bAkGVeoenPTlv/3lIwl7d4qHZdex2dwCLydCemO9PyrMS7eS0J+s5STYS7bI2fSAKJ/JHWR8PYGmvyNtdDmK9Lr7e28CPZJ18nxZ0uSi/dQGOJUtAUci885ekXHON3mEJ0aMMioFUeyo1zhpqnbWSyAshOkUSeQHAB5u0KvwFCS4AzIPyMcTG6hlSn5GZYOOqmYO5auZg2jx+vtxVy6KtNSzZUUN9m5dlu+tYtrsufHxanJWxOQmMzUlgZFZ8uBU8I773J5/7AkEa2rzUtnqoc3iod3i1n21e6lo91LX/rG/zUOfwEgh2oowO2M1GshJtZMRbyTogMc9K0LZoy060kRJrkSRddCi0TvRIW8+FGGJjMaalEairI9tZzzd74wkEVdlBoI8KOByU3ngjrtVrUKxWch78CwlnnKF3WEL0inR7OjXOGmqcNYxlrN7hCCH6AEnkBaqq8tGmKgBONjYBMuiuu2KtJs4al81Z47JRVZVdNQ5WFtWzel8jWyqaKapro87h4YudtXyx8+ChNmajQnaitsY7Nc5Cgt1Mot1Mgs1Mgt1EvM2MxahgNBgwGRSM7TcF8ASCeP37bx5/EKfXT4vbT6vbR4ur/afbR6vbT0v7Y52tnocYFEiPt5KZYCMzQUvMMxO0P2clan/OSLCRYJN2d9F9oTXyRxt0F2LJz8dVV0eht5Hdnjy2VrQwPu/I6+pFdPI3NlJ6ww9xb96MIT6e/H/9i5gpsj+8GDjSY9KhXgbeCSE6TxJ5wZaKFkoanNjMBgY3V9CGDLqLBEVRGJEZz4jMeK6ZXQCA0+tne1UrWypa2FrRTFFtG2WN2gR2X0ClpMFJSYOzV+M0GhRSYi2kxVlJi9N+psZaSIvf/zMt1kp6vPa8DI4TPe3ANfLHYhmUj2vdOqaY2vgEWFPcIIl8H+OvraXke9/Hs2sXxuRk8v/zJPaxUpEUA4tMrhdCdJUk8iLcVn/qyAwCb+4EwCqD7npEjMXElEHJTBl08ORlfyBIdaunfR90J41tvnDVvMXto9nlo9Xtwx9QCagqgaCq3Q+qBFUVi8mAxWTAajJgMRmxGA3EWIzhSn6CzUy8zUSCvf2nzUyCzURqnJUkuxmDtCKLKBL6IBv6YHs02l7yMMyvbVe3uriR604c0nPBiYjyVVRQcv338BYXY0pPZ9AzT2MdNkzvsITodbKXvBCiqySRH+C0tnotkT9nTAaeP+8GwCYV+V5lMhrCe5pDit7hCKGrUGt9qj31mMeG9pLPaK2DDFhT3NijsYnI8RYXU3z99fgrKjHn5DDo2WfCOxEIMdBIRV4I0VXSIzvAba1sYV+9E6vJwMl2F6rXixITgzkvT+/QhBADVNda67XEz1ZbidGgUNnsprzJ1aPxiePnLS6m+Orv4q+oxFJQwOAX/idJvBjQQpPqpSIvhOgsSeQHuI83a0PuThmZjmFvezV++HAUg/ynIYTofaqqdq21vj35C1RXMzHDDkhVPtr5Kiq0SnxtLdbhwxn8v/9izs7WOywhdCUVeSFEV0m2NsAt3aVVvk4fnYl7R2h9vLTVCyH00eJtwRfUdlPoTGu9MTlZ2ypTVTkpzgvAmn0NPRqj6D5fTU24nd5SUMCgZ57GlHbszgsh+rvQGvkGdwP+oF/naIQQfYEk8gNYi9vHxrImAE4cloZnxw5ABt0JIfQTWh8fb4nHarQe83hFUcJV+cnGNkAbeCeij7+hgZLvfQ9fcQnmvDwGPfuMJPFCtEu2JmNUjATVIA1u+TJSCHFsksgPYCv31BNUYUhaLLlJdjx79gBgHTZc58iEEANVV9rqQyz52sC7Id4mALZVtuDwSEUrmgSamyn5/g/w7t6DKTOTQc8+gzkrS++whIgaRoORVJvWhSTt9UKIzpBEfgBbvkerfJ04LJWgy4WvrAwA63DZ+kcIoY+uDLoLCU2ut9VWkptkJ6jC+pKmnghPdEPA0UbJD3+IZ9s2jKmpDHrmGSwyUFWIw8gWdEKIrpBEfgBbtlv7wHzSsDQ8RUWgqhiTkzGlyPZnQgh9hBL5zqyPDwm11ntLiplWkAzIwLtooXq9lP3fzbg3bMSQmMigp5/CWjhE77CEiEoy8E4I0RWSyA9Q1S1udtc4UBSYVZiKN9xWL9V4IYR+Qol8l1rr2xN5X0kpUwdrifzqYlljqjdVVan87W9xrliJISaGQf95EpsMUxXiiKQiL4ToCknkB6iv2qvx43MTSYqx4NmlbT1nGTZUz7CEEANct1rr29fIe8vLmZqXAMC6kib8gWDkAxSdVvvYYzS/8y4YjeT+9VHs48frHZIQUS30BWaNs0bnSIQQfYEk8gNUqK3+hKHah2WPVOSFEFGgO4m8KSsLzGbw+RiKk+QYMw6Pn6/a54CI3tf46qvU//MJALLvuZu4k0/WOSIhol+oIh96HxRCiKORRH4AUlWV5bu1D7gnDWtP5HdrFXnrUEnkhRD66U4irxiNWHJyAAhUVHDeRO3+W2vLIh+gOCbH0qVU3XMvAGk/vomkSy/VOSIh+oaMmAxAKvJCiM6RRH4A2lPbRlWLG4vJwLSCZIJuN77SUkAm1gsh9NWdRB7AnKsl776KCi6anAvAx1uqaZNt6HqVa/MWyn52KwQCJF54IWn/9396hyREnyGt9UKIrpBEfgBaWaRV46cNTsZmNuINTaxPSsIoE+uFEDrxBXw0eZqArifyppxQIl/OpPwkhqTF4vIFWLi5KtJhiiPwlpVTeuONqE4nsSfMJvvee1AURe+whOgzsmOzAah31+MJeHSORggR7SSRH4DWte+vPK19uvOB6+PlQ5cQQi/1bu1LRpPBRKI1sUuvNefsr8grihKuyr+1rjyyQYoOBZqaKP3hDwnU1WEdOZLcxx5DsVj0DkuIPiXRmojdZAeguq1a52iEENFOEvkBaENZEwCTBiUByMR6IURUCLXVp9hSMChd++fpwEQeCCfyX+2po6rZHcEoxaGCXi9lN/8f3qIiTFlZ5P/7Xxjj4vQOS4g+R1EUMmMyAahqk24iIcTRSSI/wLS4feypdQAwIS8JOLAiP1yvsIQQIrwuNMOe0eXXHprI56fEML0gGVWFd9ZLVb6nqMEglb/8Jc7VqzHExZH/r39hzszUOywh+qxQe31lW6XOkQghop3uifzf//53CgoKsNlszJw5k1WrVh3x2C1btnDJJZdQUFCAoig8+uijx33OgWZzWTOqCnnJdtLirAB4du8CwCoVeSGEjmqdtcD+LZi6wpyjVeD9FZWoQW3/+Ism5wHSXt+Tah56iJYPPwKzmby/PYZt5Ai9QxKiT8uO0xJ5qcgLIY5F10T+lVdeYcGCBfzud79j7dq1TJw4kfnz51NT0/G0TqfTSWFhIX/84x/JysqKyDkHmnWlTQBMzE8CaJ9Yr23RJHvICyH0VOvSEvnQFkxdYc7MAIMB1efDX6e16J8zPgujQWF7VSulDc6Ixiqg4YUXaHjqaQByfn8fsbNn6xyREH1fVoz2+VYq8kKIY9E1kX/44Ye54YYbuP766xkzZgxPPPEEMTExPP300x0eP336dP7yl79w5ZVXYrVaI3LOgWZDeyI/uT2R9+7dC8EgxsREjKmp+gUmhBjwQol8aAumrlDMZkztLd2+cq0CnxRjYeogbajn5zvky9xIal28mOr7/wBA+s9uIfGCC3SOSIj+IStWS+SlIi+EOBbdEnmv18uaNWuYN2/e/mAMBubNm8eKFSt69Zwej4eWlpaDbv1VaNBdqCLv2a2tj7cMl4n1Qgh9hdfId6MiD4evkwc4dZR2rs+2SyIfKa4NGyi/7XYIBkm67DJSf/QjvUMSot+QRF4I0Vm6JfJ1dXUEAgEyDxmKk5mZSVVV9968unvOBx54gMTExPAtPz+/W9ePdpXNLqpbPBgNCmNzEgDw7NYm1luHSlu9EEJfoTXyXd1DPqSjRP609kR+xZ56XN7AcUYovCUllN70Y1S3m9i5c8j63V3yJbAQEXTgsDtVVXWORggRzXQfdhcN7rzzTpqbm8O30tJSvUPqEaG2+hGZ8cRYTAB4i4oAsA4t1CssIYQAjm+NPHScyI/IjCM3yY7HH2T5nrrjD3IA8zc2UnrDDwk0NGAbM4a8hx9GMZn0DkuIfiVUkXf6nbT6WnWORggRzXRL5NPS0jAajVRXVx/0eHV19REH2fXUOa1WKwkJCQfd+qP1pc0ATGpvqwfw7tsLgGWIJPJCCP34gj4a3A1A96bWQ8eJvKIonDpKO5+013df0OWi7KYf4y0uxpyTQ/6/nsAQG6t3WEL0OzaTjWSrNtuj0iED74QQR6ZbIm+xWJg6dSqLFy8OPxYMBlm8eDGzuzn5tifO2Z+EKvKT8hMBUAMBvPuKAbAMGaJXWEIIQb2rHgCTwUSSNalb5wgl8v4DEnnY316/ZEettKp2g+rzUfazn+Favx5DYiL5T/4bU3r3vmwRQhybrJMXQnSGrj1xCxYs4Nprr2XatGnMmDGDRx99lLa2Nq6//noArrnmGnJzc3nggQcAbZjd1q1bw/fLy8tZv349cXFxDGvfOu1Y5xyoAkGVjYcMuvOVl6P6fChWK+acbP2CE0IMeKFBd+n2dAxK975jNue2V+TLK1BVNbx2e3ZhGlaTgfImFzurHYzMio9M0AOAGgxS8etf0/bFUhSbjfx//gPr0KF6hyVEv5YVm8W2hm2SyAshjkrXRP6KK66gtraWu+66i6qqKiZNmsTChQvDw+pKSkowGPZ/oKuoqGDy5MnhPz/44IM8+OCDzJ07lyVLlnTqnAPVnloHbd4AMRYjwzO0D7Ge9vXxloICFIOMSxBC6Cc06K67bfUA5mztC8mg00mwuRljUhIAdouRE4am8vmOWj7bXiOJfCepqkrNn/5My7vvgdFI7qOPEDNlit5hCdHvHTjwTgghjkT3KTU333wzN998c4fPhZLzkIKCgk61RR7tnAPV1gptS72xOQkYDVqVyrt3HwCWQmmrF0Loq8a1vyLfXQa7HWNKCoGGBnwVFeFEHrT2+s931PL5jhpuOkUqyp1R/+R/aHjuOQBy/nA/8aecom9AQgwQoUS+yikVeSHEkUkZdoDYUa1NPj2wEhWeWC+D7oQQOgtX5I8jkYeOB94BzBmhnXddSaNsQ9cJja+9Ru3DDwOQ8ctfkHjBBTpHJMTAEVojL8PuhBBHI4n8ALGzqj2Rz9yfyHv2trfWy6A7IYTOjnfruZAjJfKDUmLISbThC6isLm44rmv0dy2LFlH1u7sBSL3hBlKvu07XeIQYaGTYnRCiMySRHyBCFfkRByTy0lovhIgWkVgjDwck8uUHJ/KKojB7aBoAy/fUH9c1+rPWzz6jfMFtEAySeMnFpC+4Ve+QhBhwQol8jbOGQFA6iIQQHZNEfgBwePyUNbqA/Yl8oLmZQL32YdZaUKBXaEIIAexfI59h75mKPMDsoakArJBEvkOtn31O2S0/A5+P+LPPIvuee8KT/4UQvSfdno5RMeJX/dS56vQORwgRpXQfdid63q72anxGvJXkWAsA3r17ATBlZWGIjdUtNiGEgAhW5HOPnchvKm+m1e0j3mY+rmv1J62LF1P2s1vDSXzuX/6CYpKPCELowWgwkhmTSUVbBZVtlWTG9r2dl1RVparFTWmDizaPnzavH18gSIzFRKzFRFKMmdwkO0kxZvnCUIhukn+lB4CdHQy68xRpibxlSIEeIQkhRJg34KXJ0wT03LA7gNwkO4NTYyiud/LNvgZOG9X3Phz3hKY33qDyt3dBMChJvBBRIis2i4q2ij4zud7tC/DNvgaW7qzl670N7KnRtj0+lhiLkcGpsYzOjmdMdgKTByUxIS8Js1GahoU4FvmXegDYUeUADl0fryXyMrFeCKG3UOuo2WAm0Zp4XOcy5+YCEGhsJOh0YoiJOej5E4amUlzvZPnu+gGfyKuqSv2/n6T2kUcASLz4YrLvvUeSeCGiQHjgnSO6E/nN5c38b2Ux76yvwOU7OHE3GRRyk+0k2MzEWIyYjQacXj9tngD1bV7qHB6c3gDbKlvYVtnCm5QDWnI/rSCFU0emc9a4LLIT7Xr8akJEPfnXegAIV+Q7mlhfKIm8EEJfNc729fExGcfdYmlMSMCQmEiwuRlvaSm2kSMPen5WYSovrSplRdHAXicf9Hiouu8+ml9/A9Cm06cvuFVaXIWIEtG+l/yqvQ38aeF21hQ3hh/LSrAxZ0QaJw5LY2xOIoNTY45aWXf7AlQ2u9ld42BrRQtbKppZXdxIQ5uXpTtrWbqzlnve28rkQUlcOCmXCyblkBRj6Y1fT4g+QRL5ASA0sX54Zlz4Ma+01gshokRo67njbasPsQwejHvjRrz7ig9L5EPr5LdWttDk9A7ID4XesnLKf/pT3Fu3gsFA5i9+Tsq11+odlhDiAKGKfIXj8GVCeiptcPLHj7bzwSZtj3uzUeHscdl8d/Zgpg1O7tKXgTazkSFpsQxJi+WMMVqHVDCosqO6la921/HxlipWFzeyrqSJdSVN3P/BNs4cm8k1swuYXtC1awnRH0ki3881tHmpbfUAMLy9Iq/6fHhLSwGwSkVeCKGzUEX+eAfdhYQT+eLiw57LiLcxLCOO3TUOVhY1cNa4rIhcsy9QVZWWd9+l+g8PEGhuxpiURM5DDxJ34ol6hyaEOEROnDbvo7KtUudINKqq8tqaMn73zhZcvgAGBa6YPohb5w0nI8EWsesYDAqjsxMYnZ3AD04upKbFzQebKnl1dRnbKlt4f2Ml72+sZFxuAt87cQjnTcyR9fRiwJJEvp8LtdXnJduJs2r/d3vLysDnQ7HbMWUO7DWiQgj9hdbIR6wiXzAYAO++fR0+f8LQVHbXOFi+p27AJPKePXuouudenKtWAWAbN468x/4aHg4ohIguuXHavI/y1nKdI9G2Mf7NW5t4e73WHTBjSAr3nD+W0dkJPX7tjAQb1584hOtOKGBLRQsvfF3Mm2vL2VzewoJXN/DXxbv46WnDuWBSDiZJ6MUAI//F93MdrY/37t0HaG31ikH+ExBC6CvyFfkCgA4r8gAnD9eus3hbDaqqRuSa0UhVVdpWraLsp7dQdN75OFetQrHZSF+wgIIXX5AkXogoFqrIt/paafY06xZHeZOLC//+FW+vr8BoULhj/khevmFWryTxB1IUhXG5iTxw8QRW3Hk6d8wfSWqsheJ6J7e9toEzH1nKO+vLCQT773u6EIeSinw/t6NKS+RHZHUwsb5giC4xCSHEgUJ7yGfEZETkfJbB7RX5IybyadjNRsqbXGypaGFc7vFNyo8mqqri3b2blo8/oWXhR3h37wk/F3fqqWT++ldY8vJ0jFAI0Rl2k51UWyr17nrKHeXHvaNHd+yqbuWap1dR2ewmK8HG49+ZzLSClF6P41ApsRZ+cuowrj+xgOdXFPOvL/ZQVNfGLS+v52+f7eZn84bzrfHZsoZe9HuSyPdzHVbkS0qA/e2nQgihp4gPu2t/bwvU1RFwODDGxR30vM1sZO6IdBZuqWLh5qo+m8irwSD+mhq8xSV4duzAtX49rvXr8VXsH46l2O0knn8+yVd9B9uIETpGK4Toqtz43HAiPyZ1TK9ee11JI9c/+w1NTh/DMuJ4/nszyEmKrm3gYiwmbpw7lKtnDea55fv499Iidtc4uPnFdTw7eB93nTeGCXlJeocpRI+RRL4fU1V1f0X+wES+vUplHjRIl7iEEOJAB24/FwnG+HiMKSkEGhrwFhdjHzv2sGPmj8tk4ZYqPt5Sxe3zR3Zwlujir6/Hs2MH7p078ezYiWfHDjxFRahu92HHKmYzsSedRPz8M4k/7TSMCb3bAiuEiIzcuFw21m7s9XXyWytauOapVbR6/EzKT+KZ66aTHBu9O3zEWU385NRhfHf2YJ76ci//XlrE6uJGLvj7V1w6JY87zhpJRnzkBvIJES0kke/Hqls8tLj9GBQoTI8NP+4t0RL5UPupEELoxRPw0OJtASK3Rh609zdXQwO+IyTyp43MxGRQ2FXjoKjWQWF6XAdn0U/A4aDtq+U4Pv+ctq++wl9b2/GBRiPmvFysBUOwT5qIfeJEbBMmYoyL7fh4IUSfkRenLYMpc5T12jWL69u45mktiZ9RkMIz108n1to30oUEm5lbzxjBlTPy+dNH23l7fQWvrSnjw02V/OS0YXzvxCHYzEa9wxQiYvrG30zRLXvr2gAYlBITfuMKejz4K6sASeSFEPoLVeNtRhvx5vhjHN15lsGDca1bd8R18okxZmYPTeXLXXV8vKWam07RP5FXVRXnqm9oeu01Wj/5BNXr3f+komAZNAjriBFYR47EOnIEtuHDMefmopjN+gUthOgxoYF35Y7eqcjXtLj57lOrqHN4GJ2dwJPXTuszSfyBshPtPHrlZK45oYB73tvKhtIm/rxwB69+U8rvLxzPScPT9A5R6MQXCPar7Qr73t9O0WnF9e2JfOr+yoyvtBRUFUN8PMbkZL1CE0IIAKrbqgHIjM2M6GCi/VvQdZzIA5w5Nqs9ka/iplOGRuzaXaUGg7R89BF1f/8H3qKi8OOWwYOJO/VU4k45BfuE8RhiYnSLUQjR+8Jb0PVCIu/2Bbjh+dWUNDgZlBLDc9+bTqK9b39JOGVQMm/ddAJvry/njx9tZ1+9k6uf+poLJ+Xwm3PHkBZn1TtE0QvqHB7eXV/BW+vK23c+GK93SBEjiXw/tq/eCUBB6v4Pf6HqlGXQIJnmKYTQXbVTS+QjtT4+5FiT6wHOHJPJb9/ezPrSJqqa3WQl9v4aSscXX1Dz8CN4duwAwBAbS8K555J06aXYxo2V92khBrBQa32FowJVVXvs/UBVVX73zhY2lDWTFGPm+e/N6Ddryg0GhYun5DFvTCYPfbyD51cW8/b6Cj7bXsOd54zmimn5GAzyPtvfuLwBFm2r5q21ZSzdVRfelrCiycV9F4zF1E+q8pLI92OhivzgAyry3uL2ifWDZdCdEEJ/odb6zJjMiJ63M4l8ZoKNKYOSWFvSxB2vb2DBGSOYPKh3OpV81dVU//5+WhctAsAQH0/q964n+bvXyPp2IQQAWXFZGBQDnoCHOlddROeIHOjFVSW8sroUgwJ/+/ZkCtL633tQgs3MPReM4+IpefzqrU1sqWjhzjc38caaMv5w8fiDhkKLvskfCLJ8Tz3vbqhg4eYqHB5/+LmJeYlcNDmX8ybm9JskHiSR79eKj1KRN8v6eCFEFAhV5HsqkQ80NhJoaTni5PYfnFzIj19Yy5e76vhyVx0zhqTwy7NHMaWHEnpVVWl65RVq/vIgwbY2MBpJueYa0n70Q4xJST1yTSFE32Q2mMmMyaSyrZJyR3mPJPJrSxq5+90tANwxfxQnD++ZLwuixcT8JN75yYk8u3wfDy/ayeriRr712JfcNHcoPz51mAzD62NUVWVtSRPvri/ng02V1Dn2z5bJS7Zz0eRcLpycy9AoG2gbKZLI91OqqnZckQ9NrB8kibwQQn8HrpGPJENsLKb0dPy1tdoWdOM7XhN3zvhsPrl1Dv9eWsQ768tZtbeBi/+xnIsm5/KLs0ZFtN3eX1dHxa9/TdsXSwGwTZxA9r33YhsZ/dvfCSH0kRuXS2VbJWWOMiZlTIrouR0eP7e8vA5fQOWc8VncOLcwouePViajgR+cXMg547O5653NfLqthsc+2837myr548UTmDEkRe8QxTHsqGrlnfXlvLuhgrJGV/jxlFgL54zP4oJJuUwbnNzvl6dJIt9P1Tm8tHkDKArkp9jDj4fXyEtFXggRBXpqjTxo73P+2lq8+46cyAOMyIznwcsmcvuZI3l40Q5eW1PGW+vK+XhLFb/+1mi+M+P4Z4q0LllC5a9+TaChAcViIeO2BSRffTWKUao/Qogjy43LZXX16h7ZS/6+97ZS2uAiN8nOHy+Z0O+TnkPlJNl58pppfLS5it+9u4Wi2jYu/9cKvj1jEL88e1SfH/bX35Q2OHl3QwXvrq9gR3Vr+PFYi5Ezx2Zx/qQcThqW1q+m0h+LJPL9VKgan5Nox2rqaOs5WSMvhNBfKJHPismK+LnNBYNh9Wq8+/Z16visRBt/vnQiV88azN3vbmFtSRO/fmszH2+p5k+XjCc70X7skxxC9fupffRR6v/zFADWkSPJ+cufsY0Y0eVzCSEGntx4bXJ9RVtFRM/7yZYqXlldiqLAw5dPJME2MJNWRVE4Z3w2Jw5N448Lt/HSqlJeWlXCws2VnDw8nVmFqcwqTGFIWuyA+6IjGlQ0ufhocxUfbKxgbUlT+HGL0cApI9M5f1IOp4/KxG4ZmF+KSyLfT4XWxw8+YH28r6xM23ouLg5jirQNCSH05Q/6qXPVAZFvrYfODbzryIS8JF6/8QSe/movf/54B0t31jL/kaU8fPkk5o3pfJy+6hrKb1uAa/UaAJK/+10y7rgdg8XSpXiEEANXeAu6CFbka1s93PnmJgB+OKeQmYWpETt3X5UYY+aBiydwwaRcfvXmJorq2rTq7wbtC5SMeCuzClOZPTSVOSPSyU3q+he7onPKGp0s3FzFB5sqWXdA8q4ocMLQVM6fmMNZY7NJjBmYXz4dSBL5fqrjifWy9ZwQInrUueoIqkFMiokUW+S/XOxuIg/alkU/OLmQU0ams+DVDWwsa+YHz6/mplOGctsZI4459bZt+XLKb7+DQEMDhthYsu+/n4Sz5nfr9xBCDFyhRL7MURaxc973/lbq27yMyopnwRnSHXSgWYWpfHzrHL7Z18DXRQ2sLKpnXUkTNa2egxL7YRlxzB2RztwR6cwYkiJD8o5TaYOTDzdV8uHmKjaUNoUfVxSYPjiFs8Zl8a0J2WQm9I9tESNFEvl+quM95Nu3niuQ9fFCCP2F2urTY9IxKJFf02YpKADAu2cPqs+HYu76t/fDMuJ5/cYT+MOH23h2+T7+uWQP60ua+OfVU0iKObyyrgaD1P3zn9Q9/ndQVayjRpH36CPhWIQQoitCiXxVWxX+oB+T4fg+ui/bVce7GyowKPCXSyeGl1+K/cxGAycMTeOEoWkAuH0B1pU0saKonmW7allf2sTuGge7axw8tWwvVpOBWYVapX7uiDQK0+Jkb/pjUFWVbZWtLNpazaJtVWwubwk/pygwoyCFb03IZv7YLEnej0IS+X6quOHw1npv8T4AzINkfbwQQn89tYd8iHXYMIwpKQQaGnCuWUvsrJndOo/FZODu88cydXAyv3xjIyuK6rnoH8t56tppFB6wpY2vuoaKX/wC58qVACRddimZv/41Bpt8CBFCdE9GTAZmgxlf0Ee1szqc2HeHxx/grnc2A/DdWYMZn5cYqTD7NZvZyOyhWlv9gjNG0Oz0sWx3HV/srGHpzjqqWtx8sbOWL3bWch9gMxsYkhZHYXosQ9PjGJoeS2H7n2OtAzf18gWCfF3UwKfbqlm0tZrypv3T5g2K1g1x9vhs5o/NJCNe/t3sjIH7X1M/11Frva+kvSI/uECPkIQQ4iA9tfVciGIwEDdnDs1vv41jyZJuJ/Ih503MYXhmHN9/djV769q46B/L+efVUzhhaBqtn31O5a9+RaCpCcVuJ+uuu0i66MLI/CJCiAHLoBjIicuhuKWY8tby40rk//1FEUV1baTFWbltvmx72V2JMWa+NSGbb03IRlVVdlY7WNqeyK/a14DbF2RbZQvbKlsOe21Wgo3C9Nhwkl+YHkdhWiy5SfZ+WcVvdvr4Ylcti7ZWs2RHDa1uf/g5m9nAycPTOWN0JqeNziAtzqpjpH2TJPL9UJPTS5PTBxxSkd8X2npOKvJCCP315NZzIXGnnBJO5DN/+YvjPt+orATe/smJ/PC/q1lX0sQPn/yKp1wrSPj4HQCsY0aT++BDWAuHHPe1hBACtPb64pZiyh3dH3hX2uDk8c93A/Dbc0cP2Cn1kaYoCiOz4hmZFc8NcwrxB4KUNbrYU+ugqLaNojoHe2rbKKp1UOfwUtXipqrFzfI99Qedx2oyMCQtlNzv/1mYHkdcH6ri+wNB1pc2sXRXHUt31rKxrImguv/5tDgLp4/K5IwxmZw4LG3ATpuPlL7zX4botNDE+ox4KzEW7f/ioNeLr7ISkD3khRDRIVyR76HWeoDYk04Ekwnvvn149+2LyFr19HgrL90wi98//j4nvPQoCS3atp4p111H+oJbZSq9ECKiIjHw7pFPd+LxB5lVmML5E3MiFZo4hMlooCAtloK0WE4fffBzzS4fRbX7E/ui2jb21Doornfi8QfZXtXK9qrWw86ZEW89KLEf2p7o5yTZMUZBFb+0wcnSXbUs3VnL8t31tHr8Bz0/PCOOeWMymTc6k8n5Sf2y80Avksj3Q6H18QUHttWXlmpbz8XGytZzQoioEKrI91RrPYAxLo6Y6dNwrliJ44svSIlAIq96vTiefpqrn30C1eOh0RrHQ1Ou5LSZF/ATSeKFEBGWF58HQGlrabdev6u6lbfWadX8O88eLTsX6STRbmbyoGQmD0o+6HF/IEh50/4q/p72BL+oto06h4eaVu22oujgKr7FZGBIqtamn58SQ16ynfzkGPJT7OQlx/TYJP3qFjcri+pZ2T7Vf29d20HPJ8WYOXFYGnOHp3PyiDSyE2Wrvp4iiXw/VNz+F2pQBxPrzYNl6zkhRHQIJfJZMVk9ep24uXNxrlhJ65IlpFx77XGdq+3rVVTdey/ePXsAiD35JD6d/wPWrK5jzcc78AdUbpk3PBJhCyEEAIMTtE7K4paub6UJ8PCinagqzB+bycT8pAhGJiLBZDQwODWWwamxnDbq4OeaXT721rWxp8ZBUd3+Kv6+Oidef5Ad1a3sqD68ig9a91gouc9OspEeZyU93kpGvE37mWAl3mo6Zl5wYOL+dVE9RYck7kaDwpRBScwZns7JI9IZn5sYFZ0CA4Ek8v1Qx1vPhdbHS1u9EEJ/QTUYnlrfk2vkAeJPOYWaP/4J5zerCTgcGOPijv2iQ7g2bab2scdo+/JLAIypqWT+8hcknHsu/6coGNN28+eFO3jk050EgkFuPWOEfGkqhIiIgoQCQEvkVVXt0nvLxrImPtpchaLAbWfKgLu+JtFuZlJ+EpMO+QImEFQpb1+Lv6++jdIGF6WNTkobnJQ1unB4/NS2eqht9bCupOmI57eaDKTHawl+aqyFpBgLMRYjDrefFrdfWwJwSOKuKDA2J4FZQ1KZVZjKjMIUmbmgE0nk+6GOJtZ7S9oT+UGSyAsh9NfobsQX9KGgkG5P79FrWQoKsBQU4N23j7ZlX5Fw1vxOvU71+XB88QWNr75K21ItgcdkIvnyy0i/5RaMifu3bvrxKcMwGwzc/+E2HvtsNygKC84Y0RO/jhBigMmPz0dBoc3XRr27njR7Wqdf++AnOwG4aFIuIzLjeypE0cuMBoVBqTEHdd+GqKpKs8t3UHJf3eKh1uGhttVNTXuC3+r24/Frw/nKGl0dXEVzaOI+fUgKiXZJ3KOBJPL9UIdr5KUiL4SIIqFqfKo9FbOx5z8QxM2dS8O+fdT9+18EnU5iTzoRc8bhnQD+hgacq1bR9vXXtC76lEBdnfaEwUDieeeR9pMfYxnU8c4fN8wpxGhQuPf9rTy2eBcJNhM/OLmwJ38tIcQAYDFayInLodxRzr7mfZ1O5NeVNLJ0Zy0mg8LP5skXiwOFoigkxWjV9fF5iUc8zu0LUNu+/r621UOT00uD04vTEyDeZiLBbiYzwcrUwZK4RytJ5PsZl1f7SwkwKOXwNfKy9ZwQIhqEB9314MT6A8WfNZ+G557Ds3Ublb/6FQCGuDhMaWkYExMJNDfjr68n2HrwWkNjaipJF11I0qWXdmri/fdOGoLLF+AvH+/g9x9sI8Fm5vLp+T3xKwkhBpCChALKHeUUtxQzLWtap17z5JdFAFw4ObfDyq0Y2GxmI/kpMeSnyH8bfZUk8v1MRbPWGhNrMZJgl63nhBDRKbT1XE+vjw+JmTyZgtdeo/WzxbR9uQz3li0EHQ68Dsdhx1pHjCBm5kxiZ88m7uSTUMxdq0T8+JShNLt8/HtpEb98cyNJMWbOHNuzA/2EEP3b4ITBfFXxVacH3hXXt7Fws7Y15g/nSGeQEP2RJPL9TGWTG4DsJHt4GIqvrAyCQQwxMRhTU/UMTwghgN6vyAPYx4/DPn4c3HILAUcb/poa/HW1BFtaMCQkYEpLw5SejjH++NaRKorCnWePosXl4+VvSrnl5fW8+qPZR21xFEKIowlNrt/Xsq9Txz+9bC9BFeaOSJe18UL0U5LI9zOhinxO0v49G0MT680Fg2WKshAiKvTGHvJHY4yLxRg3BGvhkB45v6Io/P7CcVQ2u/liZy3ff+4b3v7JiQe9NwshRGcdOLn+WJqcXl5dXQZINV6I/sygdwAiskIV+ZxEW/ix8NZzMrFeCBEl9KjI9zaT0cDj35nMqKx4alo9fO/Zb3B4/HqHJYTogwYnap/hSlpLCAQDRz32ha9LcPkCjMlO4ISh0okpRH8liXw/U9GkVeSzE/dXfXwloUF3ksgLIaJDaI18f07kAeJtZp66bjrp8Va2V7Xyi9c3oqqq3mEJIfqY7NhsLAYL/qCfiraKIx7n9Qd5dvk+QKvGSyemEP2XJPL9TKi1PjvpgIr8vlBFXibWCyH0p6pquCLfW8Pu9JSbZOeJq6diNip8sKmSp5bt1TskIUQfY1AMDErQPscdrb1+0dZqals9ZMRb+daE7N4KTwihA0nk+5nK5lBr/QFr5EMV+QKpyAsh9Nfsacbl1750zIodGNPcpw5O5jffGgPAAx9tZ9XeBp0jEkL0NZ1ZJ//yN9pnvsun5WM2ysd8Ifoz+Rvej6iqSmVTaNidVpFXvV58FVoLllTkhRDRoLJN2w4zxZaCzWQ7xtH9xzWzB3PBpBwCQZWfvLiWOodH75CEEH1IeHJ9874Ony+pd/LlrjoUBa6Ynt+LkQkh9CCJfD/S4vLT5tUGoITWyHvLyvdvPZeWpmd4QggBEF7fmRObo3MkvUtRFB64eDwjMuOobfXwm7c2y3p5IUSnhRL5I1XkX1mtVeNPGpZGfkpMr8UlhNCHJPL9SGh9fHKMGbvFCIC3eB8A5sGy9ZwQIjpUtVUBkB038NZvxlhMPHLFJMxGhYVbqnh7fbneIQkh+oiCxAKg40TeFwiGt5z7zgzpwBRiIJBEvh+pbD7KxHppqxdCRIkKh1aRz44deIk8wNicRG45fTgAd72zJfzeLYQQRxOqyFe2VeL2uw967rPtNdS2ekiLs3D66P69G4gQQiOJfD9SEdpDPqmDPeRl6zkhRJQIrZHPiRtYrfUHunHuUCblJ9Hq9vNz2ZJOCNEJydZk4i3xqKiUtpYe9NzLq7TCzSVT87CY5OO9EAOB/E3vR0JVnZykAybWF4f2kJeKvBAiOlQ6tER+oEys74jJaOChyydiNRn4clcd72+s1DskIUSUUxSlw8n1Na1uvthZC8CV0+XznhADhSTy/UioIn9ga71U5IUQ0WagDrs71ND0OH58yjAA/vDhNpxev84RCSGiXai9fm/z3vBj72+oJKjCpPwkhqTF6hWaEKKXSSLfj1QcZes5s6yRF0JEAbffTYNb20N9ILfWh/xobiF5yXYqm938/fPdeocjhIhyQ5OGArC7af/7xTvtQzMvnCTvqUIMJCa9AxCRU9l8cEU+tPWcEhODKT1dz9CEEALYP7HebrKTYEnQORr92cxGfnvuGH703zU8uXQvl03NpyBaK2oBPzjrwdUArkYIePc/Z4kDWxLYkyEmBWSXFCF6xLAkrYsnlMjvrWtjQ1kzRoPCuRMlkRdiIJFEvp8IBlWqmg8eductaW+rHzRItp4TQkSFA9vq5X1Jc+aYTE4ensaXu+r4/Qdb+c+10/UOCXwuKF8DxSugaiPU7YKGPQcn70diskFiHiQNhvRRkDkWMsdo9832Y79eCHFEoYr83ua9+IN+3l6nVeNPGpZGWpxVz9CEEL1MEvl+oq7NgzcQRFEgM0FL5H2yPl4IEWVCFfmsuIE76O5QiqLwu/PGMv/RpXy6rYY1xY1MHZzc8xd2NkDtDmgqgebS9lsZNJVC494jJO0K2JPAnqIl7ABqELxt4G4CTwv43VC/W7vtWXzASw2QMhTShmtVe3vK0X8azT3/v4EQfUxuXC52kx2X30VJSwnvbtC+HL1wslTjhRhoJJHvJyrbB91lxFsxG7XRB+GJ9bI+XggRJUJ7yA/0QXeHGpYRx6VT8nhldSmPfrqT/35/ZmQv4HVqFfbSlVD6DVRvhpbyo78mLhMGzYa86Vo1PX0EJOSCwXjk1wR82nmbSqBhL9Rs065VvUVrya/fpd06w5rQ3qqfqiX2MakH37cf+FiqJP9iQDAoBgoTC9lSv4XFezayt86MzWzgjDHy5agQA40k8v1EaOu5gybWl8jWc0KI6CJ7yB/ZzacN4421ZXy5q45VexuYMSTl+E7YsBd2LoSdH0PxVx1X2BMHQUoBJOa33/K0W8oQrTW+q8sfjGZILtBuQ+bsf1xVwVGtJfSN+7Sk3tnY/rPh4J+uJkDVqvueFmgq7vBSHbImHJL0p+6v8B+U9Lcn/rYkMFm69jsKobOhSUPZUr+FT/dsBKZyxpgs4qzykV6IgSYq/tb//e9/5y9/+QtVVVVMnDiRv/3tb8yYMeOIx7/22mv89re/Zd++fQwfPpw//elPnHPOOeHnr7vuOp577rmDXjN//nwWLlzYY7+D3kJbz4XWx4NsPSeEiD6hRH4g7yF/JPkpMVw+PZ8Xvy7hkUU7eemHs7p+krY62PQ6bHoNylcf/Fx8NuTPhEGzIGcyZIwBWy8NHFQUiM/SbscSDGjJ/EFJfr1231l/8P0Dnzsw+W/c1/nYTHawJXbhlgTWeLDGgSVWG/R3tC4FISJseNJwAHbU7wKmcoEMuRNiQNI9kX/llVdYsGABTzzxBDNnzuTRRx9l/vz57Nixg4yMjMOOX758Od/+9rd54IEHOPfcc3nxxRe58MILWbt2LePGjQsfd9ZZZ/HMM8+E/2y19u8BIOGt59or8qrXi69ca5s0D5JEXggRHaS1/uh+cuowXl9dxoqielbsqWf20NRjv0hVtbb5Vf+GLW/tr7wrBhh8Iow4C4afqa1N7wsDBg1GiE3Vbp0VDIC7uYOEv/6AhP+Qx0OVf78LHC5wVHU/ZnOMltBbYtsT/EMSfWv84c9bYrQvEcx2MNva79sOeMwORkvf+P9M9KrQwDuvsYJ4q4mTR6TpHJEQQg+6J/IPP/wwN9xwA9dffz0ATzzxBB988AFPP/00v/zlLw87/q9//StnnXUWd9xxBwD33XcfixYt4vHHH+eJJ54IH2e1WsnKGjgVn/DWc0ntW8+Vt289Z7djypCt54QQ+gsEA1Q7qwHIjs3WOZrolJtk58oZ+Ty/opi/Lt7J7KGzj3ywqsKuT2DpX6Dsm/2PZ0+CiVfC2IshPrPHY44KBmN7+3wXliMEA+Bp1b4ACN+aDvlzBzdXE3hbweMANaCdy+fUbm2R/sUULaE32bQvCw5K+G37k/3wzRzB++1/NpiOfF++ZNBFaAs6g6WOU0elYDVJR4gQA5GuibzX62XNmjXceeed4ccMBgPz5s1jxYoVHb5mxYoVLFiw4KDH5s+fz9tvv33QY0uWLCEjI4Pk5GROO+00fv/735Oa2vG3+x6PB4/HE/5zS0tLN38j/VQ0hyry7RPrS/YPupMtnoQQ0aDOVYc/6MeoGEmPkS8Yj+SmU4by4tclrCxqYHN5M+NyEw8+QFW1de+f369tDQdgtMK4S2DGDyB3au8H3RcZjO0T+JO693pV1Sb0e9u0LwS8jvb7jv2JvrftkPuOA451at0APrd2Hp+z/b5L2wlAu8j+LwlcDRH6xSPIYGpP6s1gPMp9Q+hLgvb7Ztv+ZQoHLluITYOEPEjM1boYRIcyYzIhaEUxeJgyzK93OEIIneiayNfV1REIBMjMPLhikJmZyfbt2zt8TVVVVYfHV1Xtb4k766yzuPjiixkyZAh79uzhV7/6FWeffTYrVqzAaDz8W8sHHniAe+65JwK/kX5Ce8hntSfysj5eCBFtQuvjM2MyMRl0bwiLWtmJds6dkM3b6yv4z5dFPHrl5P1PVm6AT34De5dqfzbHwvTvw+ybB071PVooyv4W+NgItjarqjb93+8CX/vN7z7454H3gz7t+IC3/Xas+5081u+BoF+7H/Rp9w8V9Hf8eCTEZUL6SG3HhNyp2nyH5ALpAgA2V7QQcGdijCkhJalR73CEEDrpl5+krrzyyvD98ePHM2HCBIYOHcqSJUs4/fTTDzv+zjvvPKjK39LSQn5+fq/EGgnBoEqdQ+soCO0hH956TibWCyGihAy667wfnFzI2+sreH9jJb84exTZVi98ejesfgZQtQr8rBvhxJ91rZ1cRD9F0SbpmyxalTpahL5gCIYSfn8n7rd/AXDofZ9LG0p46JIFRw20lGl/dlRrt9CXVqANbBx+Jow5HwrmDNgdBz7aXEXAm4ExpoQSR5He4QghdKJrIp+WlobRaKS6uvqgx6urq4+4vj0rK6tLxwMUFhaSlpbG7t27O0zkrVZrnx6G1+zy4QuoAKTGaf+oSUVeCBFtwoPuZOu5YxqXm8iswhRWFjWw/L1nuKTqr/uHsY27FE6/C5Ll/V30otAXDFiA2J69lrsF6ndB7Q5ty8LSVVCxDlorYe1z2s2WCJOu1paTpBT2bDxRRFVVFm6uIhjQPvfubtqtc0RCCL0Y9Ly4xWJh6tSpLF68OPxYMBhk8eLFzJ7d8YCf2bNnH3Q8wKJFi454PEBZWRn19fVkZ/fP4Uq17dX4RLs5PPAktIe8eZBU5IUQ0SFUkZdBd51z46wMHjH/nUt236kl8SlD4dr34dKnJIkX/ZstQWunn/QdmH8//GAR3FkK330Lpn0PYjO0qv3Kv8NjU+DFK6Fyo95R94od1a3srWvD0J7I72nao3NEQgi96JrIAyxYsIAnn3yS5557jm3btnHTTTfR1tYWnmJ/zTXXHDQM75ZbbmHhwoU89NBDbN++nbvvvpvVq1dz8803A+BwOLjjjjtYuXIl+/btY/HixVxwwQUMGzaM+fPn6/I79rTaVi2RT4/XugpUny+89ZxlcIFeYQkhxEHCiXycJPLHVLaauZ9fzEXGrwioChsKvg83LYchJ+sdmRD6MNth6Glw7iNw23a46nUYNg9QYedH8K858OaPoKlE70h71EebtM6cmbljAShpLcET8BztJUKIfkr3NfJXXHEFtbW13HXXXVRVVTFp0iQWLlwYHmhXUlKCwbD/+4YTTjiBF198kd/85jf86le/Yvjw4bz99tvhPeSNRiMbN27kueeeo6mpiZycHM4880zuu+++Pt0+fzSh9fHpcdrv5ysvh0BAtp4TQkSV8lbtC0bZQ/4oVBW++Q8s/CVK0I/DlsM1zT+kqW4yi01WZMyXEGg7Dgw/Q7vV7YIlD8DmN2Djy7D1HW3pycwbwaB7vSriFm3VlpeeN3Yke3Yl0OJtYW/zXkaljNI5MiFEb9M9kQe4+eabwxX1Qy1ZsuSwxy677DIuu+yyDo+32+18/PHHkQwv6h1akQ+vj5et54QQUcIX8FHcor03DU0aqnM0UcrvgQ9vh7XPa38eexGc+RA7H16No66NFUX1nDA0gtPRhegP0obDpU9rOzd88hso/go+vhO2vQsX/B1S+8/7TUWTi62VLSgKnD46k/drh7G2Zi07G3dKIi/EANT/vqocgA5P5PfvIS+EENFgb8te/KqfOHOctgeyOJizAZ47vz2JV+CMe+HSZ4hLTOWCSVoHwwtf9++WYSGOS+4UuO4DrfXeEgclK+CJk2HL23pHFjGLt9cAMGVQMimxFsakjgFgW/02PcMSQuhEEvl+4IgVedl6TggRJXY3apOVhyUNk06hQzWXwdNnQelKsCZqa39PvCW8X/ZVM7XBdp9sqQq/3wshOqAo2jC8H6+AgpPB1wavXQuf/FbbFq+P+2yb1lZ/+ugMAEanjgZgW4Mk8kIMRJLI9wO1h6yRD0+sl63nhBBRIrRF0vDk4TpHEmVqd8BTZ0LdDkjIhe9/AsPnHXTImJwEJuUn4QuovLamVKdAhehDkgbBd9+GE36q/Xn5Y/DiZeBp1TWs4+H0+vlqTz0Ap4/SuppGp2iJ/PaG7QTVoG6xCSH0IYl8P3BYRb4ktEZeEnkhRHTY1bgL0Cryol31Fq0S31IOaSPgex9DRsfrXK+aqXVYvbSqhGBQ7c0oheibjCY48z647Fkwx8Kez+C586CtTu/IumXZrjq8/iB5yXZGZMYBMCRxCFajlTZfG6Wt8iWfEAONJPL9QCiRT4uzalvPlbVvPVcgibwQIjrsatISeanIt6vZrq2JdzVAzmS4fiEk5R/x8HMn5BBvM1Ha4OLL3X0zERFCF2Mvguveg5hUqFindcA07tM7qi77rH19/LzRmeHlSSaDiZHJIwFZJy/EQCSJfB/nDwRpcHoBrSLvq6jQtp6z2TCly9ZzQgj9OX1Oyh3aF4x9uSKvBlVaG9w01zpxt/m6Xxmv3alVBp11kD1RawGOTT3qS+wWI5dMyQPgtdVSeROiS3Knwvc+gcRB0LAHnj23T+03Hwyq4UF3p43KOOi50Dr5rfVbez0uIYS+omL7OdF9DW1eVBUMCqTEWnCtO2DruX64f6oQou8JrY9Ps6eRbEvWOZrOU4Mq5Tsb2bGyiqq9LbTUuwj6D0jeFUjOjCF7eBI5w5IYPC4VW6z56CdtLoPnL4C2GsgaryXx9qROxXPJlDyeXb6PRVuraXH7SLAd41pCiP3ShmkzKJ47D+p3acn89R9BYq7ekR3TpvJmals9xFqMzCxMOei50Dr5rQ2SyAsx0Egi38fVtLfVp8ZZMRqU/VvPycR6IUSUCA+6S+obbfXBQJBNS8pZv7gER8PBU+INRgWDUcHvDYIKjVVOGqucbP2yAqPJQOHkdMaelEPOiKTDp/O7GuF/l0JrBaSNhO++AzEHfyg/mnG5CQzLiGN3jYOFm6q4fPqRW/GFEB1IyIZr34VnzoHGvVpSf/2HEJ+ld2RHFWqrP3l4OlaT8aDnwpPr67ehqqrsCiLEACKJfB932MT68NZzsj5eCBEdwoPukqO/rb6muIXP/7edulIHABa7iWHTMhg6KZ2kzBjiUmwYDAoBXxB3m4+a4hYqdjVRsrWBhoo2dn1Tza5vqskYHM+M8woZNDZF+2Dtc8PLV0HtNojPhqvfOGY7/aEUReGiybn85eMdvLmuTBJ5IbojIQeufQ+ePUdrs//fJVpl3pagd2RHtHRXLQCnjjp8yeSwpGGYDCZavC1UtFWQGxf9HQZCiMiQRL6PO9LEevMgqcgLIaJDeNBdFFfkVVVl9Yf7+Ob9vagqWGNMzLpwKKNmZWGyGA873mg2EJtkZUhSOkMmpnOCqlJb0sqWZRXs/LqKmuJW3n98A1mFiZx46VCy1i6A4q/AmqDtE3+UwXZHc2F7Ir+yqIHyJhe5Sfbj/dWFGHiS8uGad7XBd9Wb4ZWrtb+XJovekR2m2eljQ2kToFXkD2UxWhieNJxtDdvYVr9NEnkhBhBZRN3HHZbIhyvyBXqFJIQQB9ndGN17yAeDKkte3MGq97Qkfvj0TL5z9yzGzcntMInviKIoZAxO4NSrRvHd35/AxHn5GM0GqoqaeePPa/j8qwxcajJc8T/IGtftWHOT7MxqXyP7zvrybp9HiAEvZQhc9aq2Nd3eL+Ddm0GNvq0dl+2uI6jCsIw4co7wxZ0MvBNiYJJEvo+rcxyy9Vx5BSBr5IUQ0aHB3UC9ux4FhcLEQr3DOYzfG2Dhvzax9csKUGDut0dw5vfHEpPQ/cpcTIKFky4dznfvm82oMUFAYavrTF5oepKddSNRjzNZuGiyVnF7a235cZ9LiAEtZzJc/jwoRtj4Ciy+V++IDvNle1v9nA6q8SGhgXfbGmQLOiEGEknk+7gDK/K+igrw+7Wt5zIyjvFKIYToeaFqfF58HjHmGJ2jOVgwqPLxf7awd0MdRpOBs344jnFz8yJ2/lh/Cae3Xc9FKb8iNb4Zj8fIoqe3svDfm3G2eLt93rPHZ2M1GdhV42BLRUvE4hViQBo+D85/TLu/7GH45j/6xnMAVVVZurM9kR+RdsTjDqzIy5d7Qgwcksj3cQcm8t6S9on1+fmy9ZwQIiqE1sdH4/7xy1/fzb6NWhJ/7v9NZOjkCH4B6m2DV74LnhZyhiVx2e/PZsZ5QzAYFIrW1fLSvV9TvKW+W6dOsJmZNyYTgPc2VEQuZiEGqslXwym/0u5/eAds/0DfeNrtqXVQ0ezGYjIwc8iRh2OOSB6BQTHQ4G6gxlnTixEKIfQk2V4fd+DUeu++9kF30lYvhIgS4Yn1UZbIb/y8jA2flQJw+nWjyRsZ4f3tP7xDm1AflwmXP4/RamP6t4Zw6Z3TSM2Nw+3w8f7fNrDird0EAsEun/68CdkAvL+xUipwQkTC3J/DlGtADcLr34NNr+sdEUt31gEwoyAF+1HmddhNdkYmjwRgZeXKXolNCKE/SeT7uA4r8rL1nBAiSmxv2A7AiJQROkeyX+m2Bpa9uhOAWRcWMnxaZmQvsO4FWP8CKAa45CmI21/pT8+P59JfTmXcXG2d+9qPS3j7oXW0Nri7dIlTRmYQYzFS3uRiQ1lzRMMXYkBSFPjWIzDiLPC74Y3vw3u3gM+lW0ihbeeO1lYfcnLeydprypb2aExCiOghiXwf5vYFaHX7gfZEvngfAJZBksgLIfTnDXjZ0bgDgHGp3Z/UHkkuh5dPn9mKqsKo2VlMmR/h98ua7fDBbdr9U34FQ04+7BCT2cjcb49k/g3jsNiMVBU188r9q9i7sa7Tl7GZjZw+WvsC4sNNlREJXYgBz2iCK16AOXcACqx5Fp48Tft73cvcvgAri7TlN3NGHHnQXcicvDkALK9Yji/o69HYhBDRQRL5PixUjbeYDCTYTPiKpSIvhIgeu5p24Q/6SbQmRsXexqqq8vl/t+Ns8ZKcFcOcb49EUZTIXcDvgTd+AH4XFJ4KJy846uHDpmZw+a9nkDE4Hk+bnw//sZGvXt/V6Vb7b43X2us/kPZ6ISLHaILTfgPffQtiM6BmKzx5qtZp04t/z1bva8TtC5IRb2VkZvwxjx+XOo5kazIOn4P1Net7PkAhhO4kke/D6g5YH08ggLdc21NYtp4TQkSDLXVbABibOjayCXM3bV1Wwd4NdRiMCmd8fyzmTu4R32mf/wGqN0FMKlz0LzAc+/yJ6XYuvmMqE0/LB2D9p6W888g62po8x3ztKSPTiW1vr19f2nS80QshDjT0VLhxGRSeAj4nvPNjeOtH4GntlcuHBlmeNiqjU++fRoORk3JPAqS9XoiBQhL5PixUkU87cOs5qxVTZoTXewohRDdsqd+fyOutqcbJste0wXuzLhhKev6xK1xdsu8r+Oqv2v3z/grxnX8fNpoMnHT5cM7+0XgsNiOVu7VW+7IdjUd9nc1sDE+v/2CjtNcLEXHxmXD1W3Dab/fvNf/EyVC+pkcv6/YFwktmLpzc+W6mUHu9JPJCDAySyPdhB02sD7XVD5Kt54QQ0eHAiryeVFVl6cs78XuD5I5MYtK8/MhewN0Cb90IqDDpahh9XrdOUzg5ncvunE5qbhyuVh/vPrqONQv3oQaP3M57Tnt7/YebKgke5TghRDcZDDDndrj+Q0jMh8a98NSZsOwRCHZ9x4nOWLS1mlaPn9wkOzMKUjr9uhNyT8CoGClqLqKstaxHYhNCRA/J+PqwgybWF4e2npP18UII/bn9bnY37QZgbJq+ifzuNTWUbm3AaDJwyndGoRgi3Oa/6LfQXAJJg+HsPx7XqZIyY7jkF1MZNTsLVYWVbxfx4RObcLd1PLxq7gitvb6i2R0ejCWE6AGDZmmt9mMvgqAfPr0b/nshtES+G+atddpSyYsm52LowvtVgiWBSRmTAKnKCzEQSCLfhx289ZyWyMvEeiFENNjRuIOAGiDVlkpmjH7LfTwuP8te1Vrqp549mKTMmMheoOgLbbI1wAV/B+vxt+ybLUZOu2Y0p149CqPJwL6Ndbz2wDfUlhy+NtdmNnLRFK319h9L9hz3tYUQR2FPgkufgfMfB3MM7P0C/nkC7Pw4YpeobfXwxU5t27nQ3+2uCLfXl0siL0R/J4l8H9ZRRV4m1gshokG4rT5N30F3X79ThLPFS1JmDFPOjPD7o7cN3v0/7f6073e41Vx3KYrCmJNyuOTnU0lIs9FS5+aNP69h67KKwybU3zh3KCaDwrLddawtOfq6eiHEcVIUmPJd+NFSyJoArgZ48XJY9DsI+I/79O9tqCAQVJmYn8TQ9Lguv35OrpbIf1P5DY1ueT8Qoj+TRL4PO3CNvG9fKJGXifVCCP1Fw6C7urJWNn2hrROd8+0RGM0R/ifvs99DUzEk5MG8uyN77nbpg+K57M7pFExII+AP8vn/tvPZ89vweQPhY/KSY7i4vXL3989290gcQohDpA2HH3wKM2/U/vzVo/Dcecfdav/mOu096+IuDLk70NCkoYxOGY036OV/2/53XLEIIaKbJPJ92COXT+LFG2YyLS/ugK3npCIvhNCf3oPuVFXlq9d3g6rt154/qvMDozqlbDWs/Kd2/7y/gi0hsuc/gC3WzDk3jmfWhYUoCmxfUcUbf15DU40zfMxNpwzDoMDi7TVsLm/usViEEAcwWeHsP8Flz4ElHkqWw79P0d4fuuGTLVVsLm/BZFA4b2JOt86hKAo3TLgBgBe3vUiLt6Vb5xFCRD9J5PuwgrRYThiaRkJTnbb1nM0mW88JIXTn9Dkpai4CYEzqGF1iKN5cT9n2RgwmhdkXDY3syQN+eP9ngAoTroTh8yJ7/g4oBoWpZxVw/i2TsMebqS9z8NofvqFovbaWdkhabPiD/+NSlReid429EH70BWSMAUcVPHMObHilS6dYsqOGm19cB8AV0/NJibV0O5zTB53OsKRhOHwOXtr2UrfPI4SIbpLI9wOeffsArRovW88JIfS2rWEbKioZMRmkx6T3+vWDgSDL39CS2Ymn5pOQZo/sBVb9G6o2gS0J5t8f2XMfQ96oFC7/1QyyhybidQf46IlNLH9jN8FAkJ+cOgyAhVuquPWV9TS7Op50L4ToAalD4fufwMhzIOCBt34Ii+8D9djbQi7bVccP/7sGbyDI2eOyuOf84+tkMigGbhivVeX/u+2/tPnajut8QojoJFlfP+ANJfIFBbrGIYQQsL+tflzqOF2uv/WrShqrnNhizUw9O8LLjZrL4fP25P2MeyA2LbLn74S4ZCsXLJjMxNPzAVi3qIR3Hl1Prs3CL84ahUHRtq86+9GlLN9d1+vxCTFgWePhihfg5Nu0P3/5ILz9Ywgc+Uu1lUX1/OD5b/D6g8wbnclfr5yMyXj8H8/nF8xncMJgmj3NvLKja90BQoi+QRL5fiA8sV4SeSFEFFhfux6AcWm9n8h73X5Wvae19U8/dwjWGHNkL7DwF+B1QN4MmHxNZM/dBUajgZMuG878G8Zhthmp2NXEK/d/w/k5Kbx242wGp8ZQ0ezmO//5mnvf24rbFzj2SYUQx89ggNPvgvMeA8UIG16EF68Aj+OwQ9cUN/C9Z7/B7Qtyysh0/n7VZCymyHw0NxqM/GD8DwB4bstzUpUXoh+SRL4fkIq8ECJaqKrK2uq1AEzJnNLr19/8RTmuVh8J6XbGzunesKgj2v0pbHtP+3B+7iPaB3adDZuaweV3TiclJxZXi5d3Hl2Psr2VD24+ie/M1HYxefqrvZz3t2VsKpMheEL0mqnXwpUvgskOexbD/y4G9/6/g+tLm7ju6W9wegOcNCyNJ66eitVkjGgI3yr8FoPiB9HgbuC/W/8b0XMLIfSn/6cQcdy8oa3nCmRivRBCXyWtJdS76zEbzL1ekfe6/az7pASA6d8qwBiB9tQwvxc++oV2f+aNkKXPsoGOJGXGcOkvpjFiZiZqUGXFW3v49InN3Dl3OE9fN420OCu7ahxc+I+v+MOH23B5pTovRK8YeRZc+x7YEqH0a3j+AnA2sLO6lWufXkWrx8/MISk8ec00bObIJvEAZoOZmyffDGhVedlXXoj+RRL5Pi7ocuGv1PYslYq8EEJvoWr8+LTxWI3WXr32piVluNt8JGbYGTE9wjt4fP1PqN8NsRlwyi8ie+4IMFuNzLtuDKdcNRKTxUD5jkZe+f0q8lpVPrl1DudOyCYQVPn30iLmP7qUZbtk7bwQvSJ/upbM21OgYh3ep8/l5v8sotnlY/KgJJ6+bjp2S+ST+JD5BfMZlTIKh8/BU5ue6rHrCCF6nyTyfZy3RKs+GRMTMSUn6xyNEGKgW1O9Buj9tnqvy8+6RaFq/BAMkazGt1bBF3/W7s+7W6uuRSFFURh7ci5X/HoGGQUJjAk99gAALlxJREFUeJx+Fj21ldUv7+LBC8bz1LXTyE60UdLg5Oqnvua2VzfQ2ObVO2wh+r/siXDdBwRj0rHUbeERz91MSVd55rrpxFpNPXppg2Lgp5N/CsBL21+iqq2qR68nhOg9ksj3cd69+wAwS1u9ECIKrK1pXx+f0buJ/MbPy/C0+UnKjGF4pKvxi37XPuBuOkz8dmTP3QOSMmO45I4pTD93CIpBYdc31bzy+1WMwMyiBXO5dvZgFAXeWFvGvIe/4PU1ZQSDx94iSwjRfZ7UkfzUeh+1agJjDcW8HPNnkgyuXrn2SbknMSVjCt6glyc2PNEr1xRC9DxJ5Pu40KA7q7TVCyF0VuuspbS1FAWFSRmTeu26Hpef9Z/uXxtvMCiRO3nZatj4MqDA2X+KigF3nWEwGphx7hAuvmMKiRl2HI0e3v3rer5+eSd3nj6S1288gRGZcdS3ebn9tQ1c8sRyNpY16R22EP2Sqqrc9fYW3q9M4EbldwRsyViqN8D/LgFPa49fX1EUbp16KwBv7X6LHQ07evyaQoie1zc+kYgjkon1QohosaZGa6sfmTKSeEt8r11342eleJx+krNiGDYtgtV4VYWFd2r3J30HcqdG7ty9JGtIIlf8egbjT8kDBbavqOLFe1aSUOPlvZtP4pdnjyLWYmRdSRMX/P0rfvH6RuocHr3DFqJfeeHrEl5ZXYpBgVu+cwHGa98FWxKUfQMvXAbent8ablLGJOYXzCeoBvnTN39CVaULR4i+ThL5Pk4SeSFEtAgNupua2XsJr8fpY8PiUqB9bXwkq/Gb34CyVWCOhdN+G7nz9jKz1cicK0dwyR1TSc6OxdXq45OntrDoX5u5anwun91+ChdNzkVV4ZXVpZz64BKeXrYXrz+od+hC9Hlrihu4570tANwxfxRzRqRD9gS45m2wJkLJCm2fea+zx2NZMHUBVqOVb6q+YXHJ4h6/nhCiZ0ki38dJIi+EiBbh/eN7cX38hs/KtGp8dixDp2ZE7sQ+l7Y2HuDkWyEhO3Ln1klWYSJX/Ho6M84bgsGkULy5nhfv+ZryFdU8ePEEXr9xNmNzEmh1+7n3/a3Me/gL3llfLuvnheimFreP/3txHb6AyrcmZHPj3ML9T+ZMhu++CZZ42PclvPztHk/mc+JyuHbstQA8uPpBvAEZdilEXyaJfB8WaGoi0NQEgGXQIH2DEUIMaC3eFnY27gR6b2L9wdX4CK+NX/44tJRBYj7Mvjly59WZ0WRg+reGcOVvZpA9LBG/J8CKt/bw0r1fk9oS5J2fnMj9F40jLc5KSYOTW15ez7l/W8aSHTXSiitEF939zhYqmt0MTo3hz5dMQFEOeY/KmwZXv651/RQtgRcu7fE1898f930y7BmUO8p5fuvzPXotIUTPkkS+D/MWFwNgyszEEBurczRCiIFsfc16VFQGJwwmzZ7WO9dcXIrX5SclJ5ZhUyJYjW+phGWPaPfn3Q1me+TOHSWSs2K5aMEUTr92NDEJFpprXXz4j418+PgGzspP5Ys7TuG2M0YQZzWxtbKF6575hm8/uZI1xY16hy5En/DBxkreXFeOQYGHL5905G3mBs2C774F1gQo/gqevxBcPff3LMYcw8+m/gyAf2/8NxWOih67lhCiZ0ki34dJW70QIlqsqFgBwLTMab1yPXebj40HrI1XIlmN/+w+8LVB3gwYd0nkzhtlFIPCqNnZXHXvLKbMH4zBpFC6rZFXfv8Na94q4vvTB7P056fy/ZOGYDEaWFnUwCX/XM7V//malUX1UqEX4giqW9z8+u1NAPz4lGFMHZx89BcMmgnXvgv2ZChfDc+cA437eiy+cwvPZWrmVFx+Fw+seqDHriOE6FmSyPdhHknkhRBR4svyLwE4OffkXrnehsWleN0BUnPjGDo5PXInrlgH61/U7p/1ABzaCtsPWWwmZl80lO/8biZDJqahBlU2LSnjv79Zzo5PSrjjlOF8fscpXDY1D6NBYdnuOq7890oue2KFtNwL0YG73tlMk9PHuNwEfnr68M69KGcyXPcBxGVBzVZ48jTY91WPxKcoCr+Z+RtMioklpUv4vOTzHrmOEKJnSSLfh4Ur8oMH6xuIEGJAK24pprilGJPBxMzsmT1+PXebjw2ftVfjzy2IXDVeVWHhrwAVxl+urV8dQBLTYzjnpgmc/7NJZAyOx+8NsvbjEp7/zXLKllby+2+NYcntp3D1rEFYjAZWFzdy3TPfcP7jX/H+xgr8AZlyL8Rn26v5eEs1RoPCg5dNxGLqwkftzLFww2eQPQmc9fD8+bDyCQhG/u/WsORhXDP2GgAeWPUATl/PT80XQkSWJPJ9mHeftkZeKvJCCD0tK18GwNSMqcRZ4nr8eusXleBzB0jNi6NwYgSr8VvfgZLlYLLDvN/9f3t3Hh9Vdf9//DUz2ZnseyCEAAFEAiIIRhQXUjZLUVCQWhfkpxVxobjUFbS1pdr2+3Op1dZ+K7gjrUL1JygCAYSArAKCETDsSSBkXyczc35/BAZTVskyGfJ+Ph73McO9Z849N3wed+Zzz7nnNl29Pia5RxQ3PNqfkff0JibZTl2Ni3Wf7uatJ7PJzy7giczurPj11fyfy1MJ9rex5UAp9767kcHPL+XVrF2UVGkmbGmbqh0ups+vf9TcpMtT6ZEQ9uMrCW8PExfAhWPA7YSFv4a3RkPJ3iZuLfyy9y9JapdEXmUef9301yavX0Sal8VoTNwJysrKCA8Pp7S0lLCwczgJtxBncTF1e/YQkJqKLTzc280RkTbql4t+yaqDq3io/0OeRxs1l+oKB289kU1drYsRd6fT+aImSuQdVfDKQCjdC1f+Gq5+vGnq9XHGbfh+02G++iSXooOVAPj5W+mRkUifIcm47X7MWrWbd1bv4UhlfQIf5G/l+r4dmDioE93iQ73ZfJEW9afPcvjL0p0khgfxxbQrTz3B3dkwBr56Hb6YAXVV9Y+pG3An9P0FRHepL+N0QMkeKMqF4lwoOwg1JfWT5VUXQ3VJ/eJ2gtUPrDYItENwVP39+BEdWR5gYcqej7BarLwz8h16xfRqgr+EiJyrH5OHKpE/CV9J5EVEvK2qrorL37+cOncd86+bT+fwzmf+UCNkf7SLDZ/tISbZzrjHLznxcU7naunvYdlz9Y+bm/IVBIQ0Tb3nCbfbsGv9ITYu2svhvUcfj2WB1N4x9P1JRyI62vlkcx5vrNzNtrwyz+cGdIpi3CXJjExPICSgEUmNSCu363AFw19YTp3L8NovLmZ4r8SmqfjILpg3GfatOb4uPh1qSusfkWkaP+z+17HRfGpvR5rLwpyoy/FP+wl0vhqCIxpdt4j8OErkG0mJvIjI2cnal8V9S+6jvb09C8YsaLrE+iSqyx28+WQ2zloXIyenk9pUw+qLcut74121MO5N6Dm6aeo9DxljOPhdCRu/2MueLUc862OS7Vx4eRJdL4lnc0E5b6zM5bNv8nEf/YURGujHqIuSuOmSZNLbhzdrnIh4w8Q3vmJpzmGu6h7LG7c34UVGALcLtn8MG9+CnYuBH/x09w+BqM4Q2an+QmRw5NElov41KAJsfvX32bud9c+pry6CysL6mfGLdlFcmMPoMDfFNhv3FJcwuaQMLLb6R+Ol/QTShkJczzYx+aeItymRbyQl8iIiZ+c32b9h7ndzuan7TTxx6RPNuq9VH+5k4+d7ie0Yyo2P9W+6H8rv3gTfLYDOV8Et8/Rj9SwV5VXy9Rd7yVlTgMtZ3yvoF2Cla784el7eHqID+HDjAeas3cfeouMTafVICOVnFyUxqncSyVEa+SC+LyvnELe/sRY/q4XPfzWYzrHNOFdI6X7YvxZCEyEyFexxTXLOWrD9fR756nf4YeGDygDSDu1oWCC8I6SPrZ8INL5no/cnIienRL6RlMiLiJyZMYah/x5KfmU+fx3yV67o0HyPnqsqc/DWk6twOtxce09vOvWOaZqKv/sM3h1Xf//o5FUQ271p6m1Dqisc5KzOZ9uXBynOP56wRya2o/vAeLpcHMe28irmrN3Hgq35OJzHhwJflBzBqD5JXJueSEJ4kDeaL9IoTpebES+uYMehCiZdnspTP/XNJNcYw/1L7ydrXxY9onrw7mW/x39XFuxYBLnLwVl9vHB8L0i/EdJvgPAO3mqyyHlJiXwjKZEXETmz74q/Y+x/xhJoC+TLm74kyK/5ErGV/97JpkV7iUsJ5YZHm6g3vrYC/ppRP8HdZffB0GcbX2cbZowhf1cp21YeZOe6QzjrjifscSmhdO0fT3zPKJYfKOLjzQfJ3nXEM/TeYoH+KZFkXhBPZs94ujRnj6ZIE3orezdPzf+GyBB/sh66mvAQf2836ZwVVhdy/fzrKakt4c70O7n/4vvrNziqYMdnsHku7Pgc3HVHP2GB1Cug761wwSjw18U4kcZSIt9ISuRFRM7sxQ0v8o8t/+Cq5Kt4+ZqXm20/VWUO3npiFc46N9dO6U2n9CbqjV/4GKz+K0R0hHtWQ0C7pqlXqK12smv9IXasK+BATjE//KWR0DmMTr1jCE0NZVVhGZ9szmPdnuIGn0+NaUfmBXFkXhBPv5RI/Gx6Wq60PqVVdVz1p6UUV9Xx29EXcktGJ283qdEW7VnEtKxpWC1W3hzxJn1i+zQsUFVU/6jOLXNhz8rj64MioPc4uPhWSEhv0TaLnE+UyDeSEnkRkdNzGzfD/z2cvMo8/nTlnxjWaViz7evLD3bw9ZJ9xKeGMfaRfk3TG79/PfxjCGDgF/+GrpmNr1NOqqrMwa4Nh9i5/hAHd5Y0mKfLHhlISnp9Ur/VWcMX3x1m9fdHqHMdLxQa6EdGl2iuSIvhirRYUqJDNFmetAq//WQb//tlLmlxdhY8cMV5c8HpsRWP8cn3n5ASlsIHP/2AEP9TzGVRshc2vgOb3oHSfcfXJ14EF98CvW44b2e+d9W5qa124nS4qKs9ujhcOB1ujNtgjAFT/xRBYwwWiwWrzYLNz4rNz4LVz4rNz4qfv5WAYD8Cgmz4B/lhterc1tYpkW8kJfIiIqe3Nn8td3x2B6H+oSwdv5RAW2Cz7Ke8qIa3p2fjdhpG3d+Hjj2jG1+pqw7+diUc+gZ6j4cxf298nXJWKopr2b35MLu3HmH/t8W4fjD83mqzEJ8aRmyXcA4Fw6ricpbsOExxVV2DOpKjgrm8aywDU6Po3ymSDpGaME9a3veHKxj6f5fjdBvevGMAg7s10VM0WoEyRxlj5o+hoKqA67tez28G/eb0H3C74Pss2PAmfPv/jg+99wuCntfVJ/Upg3xiIlFjDLVVTkoPV1NWWL9UFNVSVe6gutxBVZmD6jIHjhpXs+zfL9BGQJCNoHb+BIcGEBIWQHCo/9HXAEJCj76G1y+28+TikRynRL6RlMiLiJzeUyufYt7OeYxNG8vTlz3dbPtZ8uZ2tq/Ko323CEb/qm/T9MQueRaW/xFComHKWmjXBBcH5EdzOlzszylmz5Yj7N5aSEVRbYPtNn8r8alh2OKC2GdxkV1azpoDJQ166wGSwoPo3ymKSzpF0i8lirR4O/76cSvN7P/MXssX2w9xTY84/nn7Jd5uTpNbm7+WSZ9NwmB4fvDzjEgdcXYfrCyEzXNgw1twePvx9VFdoO8v4KKfQ2hC8zT6R6qtqqNwfwWF+yo4vK+cooOVlB6uxlHtPOs6/Pyt+AXa8A+w4R9kw8/fitVmASxYjp6Gjn1vuZxu3C6Dy+muf+801Dlc1NW4PE/++DEsFmgXEYg9MojQ6CBCo46+jwrCHhVEWHQQAcF+P7pe8S4l8o2kRF5E5NSqndVc/cHVVNZV8sawN+if0L9Z9lOcX8l7z6zBGBj7SD8SOoc3vtLc5TD7Z4CBG96AXmMaX6c0mjGG0sPVHMgp5sB3JRzIKaaqzHFCubDYYCwxAeTZ3GypquGr4nJq/utnTKCflR6JYaS3DyO9fTi92ofTLT5Uyb00mRU7DnPL/36Fn9XCwqmD6Rp3fk7O+JeNf+Fvm/+G3d/O3FFz6RD6I2aoNwYOrIcNs2Hrh+CoqF9vsUG3YdD3lvrn09taJtF0uw1H9ldwcEcJeTtLOLyvnLLCmlOWDwkPIDw2mLCYYEKjgo73iIfV95QHhwYQENx0Q+FddW4ctU4c1S4c1U5qKuo8owCqyx1UlddRXXbsff3IALfzzClcYIgfYTHBhMUEERZd/xoaE0xYdH3y7+dva5L2S9NRIt9ISuRFRE5tQe4CHln+CEntklgwdgFWS/MkSAv/voVdGw6T2ieGkZN7N77CyiPw2iAoz6v/ETn6L42vU5qFMYaSgioOfFdCwfel5OeWUVJQdWJBCwRGBlIdYmWfcbK1spr9bidlFgM/+H0d4GflgoRQerUPp0diGN3i7KTFhxLVLqDlDkrOC06Xm2tf+pKcgnImDurEjFEXertJzcbpdnLHZ3ew8dBG0mPSmT18Nv62c5iVv7YCts2rH3q/b83x9fb4+h76vrdAdJcma/cx1RUO9n5TxJ4thezdVkRt1Yk97aFRQcQk24lJDiWmg53wuPrk3T+gdSe4xm2oKndQUVRLeVEN5UU1VBx9PbbUVp5hZIEF2oUHepL80B8k+2ExwbSLCNQ9+16gRL6RlMiLiJzaPV/cw4oDK7ir913c1/e+ZtlH3s4SPvzTBrDATU8OILp9I3u8jIH3boLvFkJMN7grS7PU+5iayjoKdpdR8H0pBbvLKNxfQVXpib32ABY/C852No5YDbvrHOS5nZRYDaVWQ+0PrjvF2APoGmcnLS6UbvF2usaF0jXOTow9QBPqyUm9mrWL5xZ+S0SIP1kPXUVEyPl9MSivIo+xH4+l3FHOhB4TeHzg442r8HAObHwLNr0HVYXH16cMqp/x/oKfQcC5z3tRU1nH95sOs3NdAftzSjDu42mOf6CNxK7hJKVFEJ8aTkwHO0HtfPdxgWfiqHFSVlhDWWE15UfqX8uOvRZW43Scfji/1WYhNCqoQS9+fe9+fbIf1M5f58lm4HOJ/CuvvMIf//hH8vPz6dOnDy+//DIDBgw4Zfm5c+fy1FNPsXv3btLS0njuuecYOXKkZ7sxhhkzZvD6669TUlLCoEGDePXVV0lLSzur9iiRFxE5ufUF65n02SRcxsXH131Mp/BOTb6PqjIHH/zuKypLHfS4LJEht17QuAqNgUXTYdVLYAuEO5dAQq+maax4VVWZg8J95RTuP36Pa0lBFW7XqX/aOG1QaoPDxkmFFSoshgqrodxqqLAYKq2GgEAbHaPbkRIVQkpMCClR7UiJDqFjVAhJEcHY1EvVJu08VMHIl1bgcLr50419uKHfjxhq7sOW7VvGvUvuBeD3l/+eUV1GNb5Sp6P+wurGt2DnF2COJpX+IfVD7nuOrh+CfxYXXI0xHPiuhG1fHuT7jYcb3G8e3d5OSno0nXpFE58ahlW32AD1f7Pq8jrKjlRTXlhD2ZFqT9JfdqSGiiM1uN2nTxH9A231SX70D4buxx5P+P0DW/eohtbKpxL5OXPmcOutt/Laa68xcOBAXnjhBebOnUtOTg5xcXEnlF+1ahWDBw9m5syZ/PSnP+Xdd9/lueeeY8OGDfTqVf/D7LnnnmPmzJnMnj2b1NRUnnrqKbZs2cK2bdsICgo6Y5uUyIuInGht/lqmLJ5CtbOaa5Kv4cVrXmzyfbhdbua/sImDO0qITAjhhkf7ExDUyHsoV/wZFh+ddXn0X6HvzY1vqLRabpeb0sPVFOdXUZxfSVFeJWWHqyktrKH6JPfdn0wt9cl9pdVQbYFqi6HaYqixgMNmCLYHEBoeQGREELHRwcRHBZN4NMlPCA8iup169M83Lrdh3N+yWb+nmCu7xTJr4iVt6v/42P3yQbYg3h75Nt2jujdd5aUHYNO7sOltKN59fL1fMKRl1s98n/YTCGo4T4qzzkXO6ny+XryP4vzjt95Et29H1/7xdO0XR0ScnmpxLtxuQ0VxTcMk/1jSX1hN5SlGQ/1QUDt/QqODsEcGHp2M7/hEfKFRQQSHqkf/ZHwqkR84cCCXXHIJf/lL/b2Kbreb5ORk7rvvPh599NETyo8fP57Kyko++eQTz7pLL72Uiy66iNdeew1jDElJSTz44IM89NBDAJSWlhIfH8+sWbO46aabztgmX0nkly54j5LiUm83Q0TagApXLfOOrKfO7aJHSCJ3JA7G39L0V9v37vFj2zf++PsbbhxfRWRUI7+iDm2DrJn174c+C5c1z60A4hvqal2eYaVlhTVUltRSWVp79NVBRUktztpze6yUG0OtBRwY6qxg/KxY/C34HZ3NOijYn6BgGzZ/G1Z/C37+Nmz+Vvz8bVg1sXSr9/3hShZtKyDI38b0UT3b3PwKbreb17e8zrdF3+Jv9adLRBe6R3YnKjiq6XZiDFQcgiM74MhOqPnhb1wrhHfAhKfiqIrEUR5CVUEkrtr6/werv5PQTkeI6HqIwKgqX3jSnU9zuyzUVQQ2XCqDPO/djjOf1Cw2N34htfjbHfiH1OLXrhb/dg6s/s3zaD8Ae2g7fjLqlmarvyn8mDzUq18dDoeD9evX89hjj3nWWa1WMjMzyc7OPulnsrOzmTZtWoN1w4YNY968eQDk5uaSn59PZmamZ3t4eDgDBw4kOzv7pIl8bW0ttbXHH3tTVlbWmMNqMWuWlhNa1s3bzRCRNuIa0j3vF29q3n0Nafc8kV+sbroKr3hISbzgH2gjur39tHMuOKqdnuS+qsxBTWUdNRV11FQ6qa5wUFZaS0W5g9pKJ65qJxydOdqKhWADwVjARf1SawDn0aWWOqCu+Q9TmkE74DoCAfjq7e+82xgvSWEQKQzy/LsGONjke0k8ugw+cVPBiavKA4rYkriM7XHZ1PnVQgn1i7QcPyDi6HJUgDMIe20UdkckobWR2GsjCa2NOvoaSUhdGLis1JUHU1ce3GJNLW+3j580wZ0hrYVXE/nCwkJcLhfx8fEN1sfHx/Ptt9+e9DP5+fknLZ+fn+/Zfmzdqcr8t5kzZ/LMM8+c0zF4U0BYOeUm19vNEJE2IsRYSMKGlebs6jD0iNlKl1iAS5umyh4j4bL7m6YuOe8FBPsREOxHZMLZTYZo3Ia6WheOGhd1tU4qK+o4VFRNUWkNxaW1lJU7qKh0UF1Zh6PWVZ/4uw0WlwGXweqividSWr12gX4kR4U06xmwtTNAjbOGMkcZFY5yXKb5ek8b7tgNbifG1FETdISaoMNUheRTGv4dNouLXgCmbY2SaNVsbggprF8AB3Dk6AJgcdsIcIQTWBtJQG0kgY4Iz6vV3XwTEPq1O79GMmswF/DYY4816OUvKysjOTnZiy06O9OefNDbTRAREWnTLFaLJ/mHQCKBDj/smhIREWkGXp26MSYmBpvNRkFBw7EyBQUFJCQknPQzCQkJpy1/7PXH1BkYGEhYWFiDRURERERERKQ18moiHxAQQL9+/Vi8eLFnndvtZvHixWRkZJz0MxkZGQ3KAyxatMhTPjU1lYSEhAZlysrKWLNmzSnrFBEREREREfEVXh9aP23aNG677Tb69+/PgAEDeOGFF6isrGTixIkA3HrrrbRv356ZM+tnHX7ggQe48sor+fOf/8y1117L+++/z7p16/j73/8OgMViYerUqTz77LOkpaV5Hj+XlJTEdddd563DFBEREREREWkSXk/kx48fz+HDh5k+fTr5+flcdNFFLFy40DNZ3d69e7Fajw8cuOyyy3j33Xd58sknefzxx0lLS2PevHmeZ8gDPPLII1RWVnLXXXdRUlLC5ZdfzsKFC8/qGfIiIiIiIiIirZnXnyPfGvnKc+RFRERERETk/PBj8lCv3iMvIiIiIiIiIj+OEnkRERERERERH6JEXkRERERERMSHKJEXERERERER8SFK5EVERERERER8iBJ5ERERERERER+iRF5ERERERETEhyiRFxEREREREfEhSuRFREREREREfIgSeREREREREREfokReRERERERExIcokRcRERERERHxIUrkRURERERERHyIEnkRERERERERH6JEXkRERERERMSHKJEXERERERER8SFK5EVERERERER8iBJ5ERERERERER+iRF5ERERERETEhyiRFxEREREREfEhft5uQGtkjAGgrKzMyy0RERERERGRtuBY/nksHz0dJfInUV5eDkBycrKXWyIiIiIiIiJtSXl5OeHh4actYzFnk+63MW63m4MHDxIaGorFYvF2c06prKyM5ORk9u3bR1hYmLebIz5G8SPnSrEj50qxI+dKsSONofiRc9XSsWOMoby8nKSkJKzW098Frx75k7BarXTo0MHbzThrYWFhOinJOVP8yLlS7Mi5UuzIuVLsSGMofuRctWTsnKkn/hhNdiciIiIiIiLiQ5TIi4iIiIiIiPgQJfI+LDAwkBkzZhAYGOjtpogPUvzIuVLsyLlS7Mi5UuxIYyh+5Fy15tjRZHciIiIiIiIiPkQ98iIiIiIiIiI+RIm8iIiIiIiIiA9RIi8iIiIiIiLiQ5TIi4iIiIiIiPgQJfI+7JVXXqFTp04EBQUxcOBAvvrqK283SVqZp59+GovF0mDp0aOHZ3tNTQ1TpkwhOjoau93O2LFjKSgo8GKLxVuWL1/OqFGjSEpKwmKxMG/evAbbjTFMnz6dxMREgoODyczMZMeOHQ3KFBUVcfPNNxMWFkZERASTJk2ioqKiBY9CvOVM8XP77befcC4aPnx4gzKKn7Zn5syZXHLJJYSGhhIXF8d1111HTk5OgzJn8z21d+9err32WkJCQoiLi+Phhx/G6XS25KGIF5xN/Fx11VUnnHvuvvvuBmUUP23Pq6++Su/evQkLCyMsLIyMjAwWLFjg2e4r5x0l8j5qzpw5TJs2jRkzZrBhwwb69OnDsGHDOHTokLebJq3MhRdeSF5enmf58ssvPdt+9atf8fHHHzN37lyWLVvGwYMHGTNmjBdbK95SWVlJnz59eOWVV066/fnnn+ell17itddeY82aNbRr145hw4ZRU1PjKXPzzTfzzTffsGjRIj755BOWL1/OXXfd1VKHIF50pvgBGD58eINz0Xvvvddgu+Kn7Vm2bBlTpkxh9erVLFq0iLq6OoYOHUplZaWnzJm+p1wuF9deey0Oh4NVq1Yxe/ZsZs2axfTp071xSNKCziZ+AO68884G557nn3/es03x0zZ16NCBP/zhD6xfv55169ZxzTXXMHr0aL755hvAh847RnzSgAEDzJQpUzz/drlcJikpycycOdOLrZLWZsaMGaZPnz4n3VZSUmL8/f3N3LlzPeu2b99uAJOdnd1CLZTWCDAfffSR599ut9skJCSYP/7xj551JSUlJjAw0Lz33nvGGGO2bdtmALN27VpPmQULFhiLxWIOHDjQYm0X7/vv+DHGmNtuu82MHj36lJ9R/Igxxhw6dMgAZtmyZcaYs/ue+vTTT43VajX5+fmeMq+++qoJCwsztbW1LXsA4lX/HT/GGHPllVeaBx544JSfUfzIMZGRkeYf//iHT5131CPvgxwOB+vXryczM9Ozzmq1kpmZSXZ2thdbJq3Rjh07SEpKonPnztx8883s3bsXgPXr11NXV9cgjnr06EHHjh0VR9JAbm4u+fn5DWIlPDycgQMHemIlOzubiIgI+vfv7ymTmZmJ1WplzZo1Ld5maX2ysrKIi4uje/fuTJ48mSNHjni2KX4EoLS0FICoqCjg7L6nsrOzSU9PJz4+3lNm2LBhlJWVeXrXpG347/g55p133iEmJoZevXrx2GOPUVVV5dmm+BGXy8X7779PZWUlGRkZPnXe8WuxPUmTKSwsxOVyNQgegPj4eL799lsvtUpao4EDBzJr1iy6d+9OXl4ezzzzDFdccQVbt24lPz+fgIAAIiIiGnwmPj6e/Px87zRYWqVj8XCyc86xbfn5+cTFxTXY7ufnR1RUlOJJGD58OGPGjCE1NZVdu3bx+OOPM2LECLKzs7HZbIofwe12M3XqVAYNGkSvXr0Azup7Kj8//6TnpmPbpG04WfwA/PznPyclJYWkpCQ2b97Mr3/9a3Jycvjwww8BxU9btmXLFjIyMqipqcFut/PRRx/Rs2dPNm3a5DPnHSXyIuexESNGeN737t2bgQMHkpKSwgcffEBwcLAXWyYibclNN93keZ+enk7v3r3p0qULWVlZDBkyxIstk9ZiypQpbN26tcE8LiJn61Tx88N5NtLT00lMTGTIkCHs2rWLLl26tHQzpRXp3r07mzZtorS0lH/961/cdtttLFu2zNvN+lE0tN4HxcTEYLPZTpg9saCggISEBC+1SnxBREQE3bp1Y+fOnSQkJOBwOCgpKWlQRnEk/+1YPJzunJOQkHDCZJtOp5OioiLFk5ygc+fOxMTEsHPnTkDx09bde++9fPLJJyxdupQOHTp41p/N91RCQsJJz03Htsn571TxczIDBw4EaHDuUfy0TQEBAXTt2pV+/foxc+ZM+vTpw4svvuhT5x0l8j4oICCAfv36sXjxYs86t9vN4sWLycjI8GLLpLWrqKhg165dJCYm0q9fP/z9/RvEUU5ODnv37lUcSQOpqakkJCQ0iJWysjLWrFnjiZWMjAxKSkpYv369p8ySJUtwu92eH04ix+zfv58jR46QmJgIKH7aKmMM9957Lx999BFLliwhNTW1wfaz+Z7KyMhgy5YtDS4ELVq0iLCwMHr27NkyByJecab4OZlNmzYBNDj3KH4E6nOp2tpa3zrvtNi0etKk3n//fRMYGGhmzZpltm3bZu666y4TERHRYPZEkQcffNBkZWWZ3Nxcs3LlSpOZmWliYmLMoUOHjDHG3H333aZjx45myZIlZt26dSYjI8NkZGR4udXiDeXl5Wbjxo1m48aNBjD/8z//YzZu3Gj27NljjDHmD3/4g4mIiDDz5883mzdvNqNHjzapqammurraU8fw4cNN3759zZo1a8yXX35p0tLSzIQJE7x1SNKCThc/5eXl5qGHHjLZ2dkmNzfXfPHFF+biiy82aWlppqamxlOH4qftmTx5sgkPDzdZWVkmLy/Ps1RVVXnKnOl7yul0ml69epmhQ4eaTZs2mYULF5rY2Fjz2GOPeeOQpAWdKX527txpfvOb35h169aZ3NxcM3/+fNO5c2czePBgTx2Kn7bp0UcfNcuWLTO5ublm8+bN5tFHHzUWi8V8/vnnxhjfOe8okfdhL7/8sunYsaMJCAgwAwYMMKtXr/Z2k6SVGT9+vElMTDQBAQGmffv2Zvz48Wbnzp2e7dXV1eaee+4xkZGRJiQkxFx//fUmLy/Piy0Wb1m6dKkBTlhuu+02Y0z9I+ieeuopEx8fbwIDA82QIUNMTk5OgzqOHDliJkyYYOx2uwkLCzMTJ0405eXlXjgaaWmni5+qqiozdOhQExsba/z9/U1KSoq58847T7jwrPhpe04WM4B54403PGXO5ntq9+7dZsSIESY4ONjExMSYBx980NTV1bXw0UhLO1P87N271wwePNhERUWZwMBA07VrV/Pwww+b0tLSBvUoftqeO+64w6SkpJiAgAATGxtrhgwZ4knijfGd847FGGNarv9fRERERERERBpD98iLiIiIiIiI+BAl8iIiIiIiIiI+RIm8iIiIiIiIiA9RIi8iIiIiIiLiQ5TIi4iIiIiIiPgQJfIiIiIiIiIiPkSJvIiIiIiIiIgPUSIvIiIiIiIi4kOUyIuIiJynbr/9dq677jpvN0NERESamBJ5ERERH2SxWE67PP3007z44ovMmjXLK+17/fXX6dOnD3a7nYiICPr27cvMmTM923WRQURE5Nz5ebsBIiIi8uPl5eV53s+ZM4fp06eTk5PjWWe327Hb7d5oGv/85z+ZOnUqL730EldeeSW1tbVs3ryZrVu3eqU9IiIi5xv1yIuIiPighIQEzxIeHo7FYmmwzm63n9DrfdVVV3HfffcxdepUIiMjiY+P5/XXX6eyspKJEycSGhpK165dWbBgQYN9bd26lREjRmC324mPj+eWW26hsLDwlG37z3/+w7hx45g0aRJdu3blwgsvZMKECfzud78D4Omnn2b27NnMnz/fM4IgKysLgH379jFu3DgiIiKIiopi9OjR7N6921P3sWN65plniI2NJSwsjLvvvhuHw+Ep869//Yv09HSCg4OJjo4mMzOTysrKxv/RRUREWgkl8iIiIm3I7NmziYmJ4auvvuK+++5j8uTJ3HjjjVx22WVs2LCBoUOHcsstt1BVVQVASUkJ11xzDX379mXdunUsXLiQgoICxo0bd8p9JCQksHr1avbs2XPS7Q899BDjxo1j+PDh5OXlkZeXx2WXXUZdXR3Dhg0jNDSUFStWsHLlSux2O8OHD2+QqC9evJjt27eTlZXFe++9x4cffsgzzzwD1I9UmDBhAnfccYenzJgxYzDGNOFfUURExLssRt9sIiIiPm3WrFlMnTqVkpKSButvv/12SkpKmDdvHlDfI+9yuVixYgUALpeL8PBwxowZw5tvvglAfn4+iYmJZGdnc+mll/Lss8+yYsUKPvvsM0+9+/fvJzk5mZycHLp163ZCe/Ly8hgzZgyrV6+mW7duZGRkMHLkSG644QasVutJ2wbw9ttv8+yzz7J9+3YsFgsADoeDiIgI5s2bx9ChQ7n99tv5+OOP2bdvHyEhIQC89tprPPzww5SWlrJp0yb69evH7t27SUlJaZK/r4iISGujHnkREZE2pHfv3p73NpuN6Oho0tPTPevi4+MBOHToEABff/01S5cu9dxzb7fb6dGjBwC7du066T6OXQjYsmULDzzwAE6nk9tuu43hw4fjdrtP2bavv/6anTt3Ehoa6tlXVFQUNTU1DfbVp08fTxIPkJGRQUVFBfv27aNPnz4MGTKE9PR0brzxRl5//XWKi4vP4S8lIiLSemmyOxERkTbE39+/wb8tFkuDdcd6wo8l3BUVFYwaNYrnnnvuhLoSExNPu69evXrRq1cv7rnnHu6++26uuOIKli1bxtVXX33S8hUVFfTr14933nnnhG2xsbGnP7CjbDYbixYtYtWqVXz++ee8/PLLPPHEE6xZs4bU1NSzqkNERKS1UyIvIiIip3TxxRfz73//m06dOuHnd+4/G3r27AngmXQuICAAl8t1wr7mzJlDXFwcYWFhp6zr66+/prq6muDgYABWr16N3W4nOTkZqL8YMWjQIAYNGsT06dNJSUnho48+Ytq0aefcfhERkdZEQ+tFRETklKZMmUJRURETJkxg7dq17Nq1i88++4yJEyeekIgfM3nyZH7729+ycuVK9uzZw+rVq7n11luJjY0lIyMDgE6dOrF582ZycnIoLCykrq6Om2++mZiYGEaPHs2KFSvIzc0lKyuL+++/n/3793vqdzgcTJo0iW3btvHpp58yY8YM7r33XqxWK2vWrOH3v/8969atY+/evXz44YccPnyYCy64oEX+XiIiIi1BibyIiIicUlJSEitXrsTlcjF06FDS09OZOnUqERERnonr/ltmZiarV6/mxhtvpFu3bowdO5agoCAWL15MdHQ0AHfeeSfdu3enf//+xMbGsnLlSkJCQli+fDkdO3ZkzJgxXHDBBUyaNImampoGPfRDhgwhLS2NwYMHM378eH72s5/x9NNPAxAWFsby5csZOXIk3bp148knn+TPf/4zI0aMaPa/lYiISEvRrPUiIiLiM042272IiEhbox55ERERERERER+iRF5ERERERETEh2hovYiIiIiIiIgPUY+8iIiIiIiIiA9RIi8iIiIiIiLiQ5TIi4iIiIiIiPgQJfIiIiIiIiIiPkSJvIiIiIiIiIgPUSIvIiIiIiIi4kOUyIuIiIiIiIj4ECXyIiIiIiIiIj7k/wO1NqFLwCaYAAAAAABJRU5ErkJggg==", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA+kAAAK9CAYAAABYVS0qAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjYuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8o6BhiAAAACXBIWXMAAA9hAAAPYQGoP6dpAAEAAElEQVR4nOzdeVyU5frH8c/MsKOACwgIKiniLu6luZtansr20n5lqy1mZpaWldmp1NLKju2lncrK6pRZmW0uuZsa7hsILiiCiiD7Ms/vjwdQEhEQGJbv+/Wa1wzPPMs17Nfc133dFsMwDERERERERETE4ayODkBERERERERETErSRURERERERKoIJekiIiIiIiIiVYSSdBEREREREZEqQkm6iIiIiIiISBWhJF1ERERERESkilCSLiIiIiIiIlJFKEkXERERERERqSKUpIuIiIiIiIhUEUrSRUSkxsvJyeHJJ58kODgYq9XK8OHDy+3cy5cvx2KxsHz58gvu269fP/r161eu56xOmjVrxqhRoyr0GiX9HFeEynh95/P8889jsVgccm0RESlfStJFRGqgjz/+GIvFUnBzc3OjZcuWjBkzhmPHjhXaNyYmhrvuuovmzZvj5uaGv78/ffr0YcqUKUWe63y3Zs2aAWeShePHjxcZW7NmzfjXv/5Voa//n+bOncurr77KjTfeyH//+18ee+yx8+7br18/2rVrV+RzMTExWCwWZs6cWVGhOlxxr//48eNYLBaef/75crnWzp07ef7554mJiSmX81WUbdu2ceONN9K0aVPc3Nxo3LgxV1xxBf/5z38cHVq5GDVqVKGfZVdXV1q2bMlzzz1HRkbGOfvn7zdr1qxznsv/fbFx48aCbfm/Exo1akRaWto5xzjid4KISFXm5OgARESk4rzwwguEhISQkZHBqlWreOedd1i8eDHbt2/Hw8ODyMhIunXrhru7O3fffTfNmjXj6NGjbN68mRkzZjB16lT69OnDp59+Wui89957L927d+f+++8v2FanTp3KfnkltnTpUho3bszrr79e7ufu06cP6enpuLi4lPu5a5o9e/ZgtZ4ZH9i5cydTp06lX79+BW/yXKxff/21XM6Tb82aNfTv358mTZpw33334e/vz6FDh1i3bh2zZ8/mkUceKdj3n6+vOnF1deXDDz8EICkpie+//55///vfREVFMX/+/CKPefXVV3nwwQfx8PAo0TXi4+N55513ePzxx8stbhGRmkhJuohIDXbllVfStWtXwEysGzRowGuvvcb333/Pbbfdxuuvv05KSgoRERE0bdq00LHx8fEAXHLJJVxyySWFnnvggQe45JJLuP322yvnhVyk+Ph4fHx8KuTcVqsVNze3Cjl3TePq6lrh1yjvN0teeuklvL29+euvv875Hsr/GclXGa+vojg5ORX6eX7ooYfo2bMnX3zxBa+99hqNGjUqtH94eDgRERG8++67jB8/vkTXCA8P59VXX+Whhx7C3d29XOMXEalJqufbvSIiUiYDBgwAIDo6GoCoqCiCgoLOSdAB/Pz8Ki2uL7/8ki5dulC3bl28vLxo3749s2fPvuBxqampPP744wQHB+Pq6kpYWBgzZ87EMAzgTHn6smXL2LFjR0GZbnnO9T7f/PH333+f5s2b4+7uTvfu3Vm5cmWRxx8+fJjhw4fj6emJn58fjz32GJmZmUXuu379eoYOHYq3tzceHh707duX1atXF9onv7Q4MjKSUaNG4ePjg7e3N3fddVeRpcYXqzTXO3vO9scff8xNN90EQP/+/c/52mzcuJEhQ4bQsGFD3N3dCQkJ4e67775gPP+ck57/9fnqq6946aWXCAoKws3NjYEDBxIZGXnB80VFRdG2bdsi3+T558/IP+ek55d+r1q1irFjx+Lr64uPjw+jR48mKyuLU6dOcccdd1CvXj3q1avHk08+WfC9C4WnV7z++us0bdoUd3d3+vbty/bt2y8YO8Bnn31Gly5dcHd3p379+tx6660cOnTogsdZLBYuv/xyDMNg//795zzfq1cvBgwYwCuvvEJ6enqJYnnuuec4duwY77zzTon2FxGprTSSLiJSi0RFRQHQoEEDAJo2bcrvv//O0qVLCxL48nLy5Mkit9vt9kIf//bbb9x2220MHDiQGTNmALBr1y5Wr17No48+et7zG4bBNddcw7Jly7jnnnsIDw/nl19+4YknniA2NpbXX38dX19fPv30U1566SVSUlKYNm0aAK1bty429tzc3CLn1CcmJhZ7XL6PPvqI0aNH07NnT8aNG8f+/fu55pprqF+/PsHBwQX7paenM3DgQA4ePMjYsWMJDAzk008/ZenSpeecc+nSpVx55ZV06dKFKVOmYLVamTdvHgMGDGDlypV079690P4333wzISEhTJs2jc2bN/Phhx/i5+dX8Dkub6W9Xp8+fRg7dixvvvkmTz/9dMHXpHXr1sTHxzN48GB8fX2ZNGkSPj4+xMTE8O2335Y5vunTp2O1WpkwYQJJSUm88sorjBw5kvXr1xd7XNOmTVm7di3bt28/71z9C3nkkUfw9/dn6tSprFu3jvfffx8fHx/WrFlDkyZNePnll1m8eDGvvvoq7dq144477ih0/CeffMLp06d5+OGHycjIYPbs2QwYMIBt27adM8J9tpdeeolnn32Wm2++mXvvvZeEhAT+85//0KdPH/7+++8LVpfk9wqoV69ekc8///zz9OnTh3feeadEo+m9e/cuSOwffPBBjaaLiJyPISIiNc68efMMwPj999+NhIQE49ChQ8aXX35pNGjQwHB3dzcOHz5sGIZhbN++3XB3dzcAIzw83Hj00UeNhQsXGqmpqcWe39PT07jzzjuLfG7KlCkGUOxt2LBhBfs/+uijhpeXl5GTk1Oq17hw4UIDMF588cVC22+88UbDYrEYkZGRBdv69u1rtG3btkTn7du37wXjf/XVVwv2X7ZsmQEYy5YtMwzDMLKysgw/Pz8jPDzcyMzMLNjv/fffNwCjb9++BdveeOMNAzC++uqrgm2pqalGixYtCp3TbrcboaGhxpAhQwy73V6wb1pamhESEmJcccUVBdvyP/933313odd13XXXGQ0aNCjR6z/f5yohIcEAjClTppTpek2bNi30ffP1118Xep35vvvuOwMw/vrrrwvGW1T8Z3+O878+rVu3LvT1mD17tgEY27ZtK/Z8v/76q2Gz2QybzWZcdtllxpNPPmn88ssvRlZW1jn7/vP15f8c/vPrdtlllxkWi8V44IEHCrbl5OQYQUFBhWKPjo42gEI/s4ZhGOvXrzcA47HHHivYlv91yBcTE2PYbDbjpZdeKhTjtm3bDCcnp0Lb77zzTsPT09NISEgwEhISjMjISGPmzJmGxWIx2rVrVyh2wzAMwHj44YcNwzCM/v37G/7+/kZaWlqh13z21y4/toSEBGPFihUGYLz22muFPm9n/04QEantVO4uIlKDDRo0CF9fX4KDg7n11lupU6cO3333HY0bNwagbdu2REREcPvttxMTE8Ps2bMZPnw4jRo14oMPPrioa//vf//jt99+O+f2z5E/Hx8fUlNT+e2330p1/sWLF2Oz2Rg7dmyh7Y8//jiGYfDzzz+XOfZmzZoVGftnn312wWM3btxIfHw8DzzwQKH50aNGjcLb2/uc1xAQEMCNN95YsM3Dw6NQQz6AiIgI9u3bx4gRIzhx4gTHjx/n+PHjpKamMnDgQP78889zKhQeeOCBQh/37t2bEydOkJycXOLPQ2mU5/XyR3h//PFHsrOzyyM87rrrrkJfj969ewMUWcp9tiuuuIK1a9dyzTXXsGXLFl555RWGDBlC48aNWbRoUYmufc899xRaHq1Hjx4YhsE999xTsM1ms9G1a9ci4xk+fHjBzyxA9+7d6dGjB4sXLz7vNb/99lvsdjs333xzwffL8ePH8ff3JzQ0lGXLlhXaPzU1FV9fX3x9fWnRogUTJkygV69efP/998Uu7fb8888TFxfHu+++W6LPRZ8+fejfv3+pyuRFRGoblbuLiNRgb731Fi1btsTJyYlGjRoRFhZ2Tvfpli1b8umnn5Kbm8vOnTv58ccfeeWVV7j//vsJCQlh0KBBZbp2nz59aNiw4Tnb/9lk7aGHHuKrr77iyiuvpHHjxgwePJibb76ZoUOHFnv+AwcOEBgYSN26dQttzy+bPnDgQJniBvD09CzydZdkqbD864aGhhba7uzsfE4DvgMHDtCiRYtzkqCwsLBCH+/btw+AO++887zXTUpKKlSW3KRJk0LP5z+XmJiIl5fXBV9HcYpK2srzen379uWGG25g6tSpvP766/Tr14/hw4czYsSIMjdnKy6+C+nWrRvffvstWVlZbNmyhe+++47XX3+dG2+8kYiICNq0aVOqa+e/WXP21If87UXF88/vJTB/br/66qvzXnPfvn0YhlHksWB+P57Nzc2NH374ATD7JLzyyivEx8dfsCT97KT7n2/UnM/zzz9P3759effdd4tdDlFEpLZSki4iUoN17969oLv7hdhsNtq3b0/79u257LLL6N+/P/Pnzy9zkl5Sfn5+RERE8Msvv/Dzzz/z888/M2/ePO644w7++9//Vui1q4v8UfJXX32V8PDwIvf55xJ4NputyP2MsxqTFcXNze28I5z5jeCK6mZf1usVxWKx8M0337Bu3Tp++OEHfvnlF+6++25mzZrFunXryrTcX3nE5+LiQrdu3ejWrRstW7bkrrvu4uuvv2bKlCllunZR28vy+SqK3W7HYrHw888/F3mdor5fzv5ZHzJkCK1atWL06NEXrBiYMmUK/fr147333ivRKgp9+vShX79+pUrsRURqE5W7i4jIOfIT+6NHj1bK9VxcXLj66qt5++23iYqKYvTo0XzyySfFdt9u2rQpR44c4fTp04W27969u+B5R8i/bv7od77s7OyCrvpn7xsVFXVOYrZnz55CHzdv3hwALy8vBg0aVOTtnyOjFxP/oUOHikzU8+Mqr89tcWXUAJdeeikvvfQSGzduZP78+ezYsYMvv/yyXK59sSrzZ+Sf30sAe/fuLXZt+ebNm2MYRkE1zD9vl156abHXDAgI4LHHHuOHH35g3bp1xe7bt29f+vXrx4wZM0pcwp5fJv/ee++VaH8RkdpESbqISC22cuXKIuf85s91/WfZdUU4ceJEoY+tVisdOnQAOO9SZABXXXUVubm5zJkzp9D2119/HYvFwpVXXln+wZZA165d8fX15d133yUrK6tg+8cff8ypU6cK7XvVVVdx5MgRvvnmm4JtaWlpvP/++4X269KlC82bN2fmzJmkpKScc82EhIRyi/+qq64iOzv7nOTJbrfzzjvv4OLiwsCBA8vlWp6engDnfF4SExPPeeMiv4KguO+JirBs2bIiR7cr82dk4cKFxMbGFny8YcMG1q9fX+z3+PXXX4/NZmPq1KnnxG8Yxjk/d0V55JFH8PDwYPr06RfcNz/p/uf37vmcndhnZGSU6BgRkdpC5e4iIrXYjBkz2LRpE9dff31BYrx582Y++eQT6tevz7hx4yo8hnvvvZeTJ08yYMAAgoKCOHDgAP/5z38IDw8vdqm0q6++mv79+zN58mRiYmLo2LEjv/76K99//z3jxo0rGH2ubM7Ozrz44ouMHj2aAQMGcMsttxAdHc28efPOmZN+3333MWfOHO644w42bdpEQEAAn376KR4eHoX2s1qtfPjhh1x55ZW0bduWu+66i8aNGxMbG8uyZcvw8vIqmE98sa6++moGDx7MY489xoYNG+jZsydpaWksWrSI1atX8+KLL+Lr61su1woPD8dmszFjxgySkpJwdXVlwIABfP7557z99ttcd911NG/enNOnT/PBBx/g5eXFVVddVS7XLqlHHnmEtLQ0rrvuOlq1akVWVhZr1qxhwYIFNGvWjLvuuqvCY2jRogWXX345Dz74IJmZmbzxxhs0aNCAJ5988rzHNG/enBdffJGnnnqKmJgYhg8fTt26dYmOjua7777j/vvvZ8KECcVet0GDBtx11128/fbb7Nq1q9ifx759+9K3b19WrFhR4tc1ZcoU+vfvX+L9RURqCyXpIiK12NNPP83nn3/OihUrmD9/PmlpaQQEBHDrrbfy7LPPEhISUuEx3H777bz//vu8/fbbnDp1Cn9/f2655Raef/75c5rcnc1qtbJo0SKee+45FixYwLx582jWrBmvvvoqjz/+eIXHXZz777+f3NxcXn31VZ544gnat2/PokWLePbZZwvt5+HhwR9//MEjjzzCf/7zHzw8PBg5ciRXXnnlOY3z+vXrx9q1a/n3v//NnDlzSElJwd/fnx49ejB69Ohyiz3/8zp9+nS+/PJLvv32W5ycnGjfvj2fffYZI0eOLLdr+fv78+677zJt2jTuuececnNzWbZsGX379mXDhg18+eWXHDt2DG9vb7p37878+fMr5XvybDNnzuTrr79m8eLFvP/++2RlZdGkSRMeeughnnnmmRLNwb5Yd9xxB1arlTfeeIP4+Hi6d+/OnDlzCAgIKPa4SZMm0bJlS15//XWmTp0KmM3qBg8ezDXXXFOia48fP553332XGTNm8PHHHxe77/PPP1+qpLtfv36lTuxFRGoDi1FeHUpEREREpNzExMQQEhLCq6++esFRbxERqTk0J11ERERERESkilCSLiIiIiIiIlJFKEkXERERERERqSI0J11ERERERESkitBIuoiIiIiIiEgVoSRdREREREREpIqodeuk2+12jhw5Qt26dbFYLI4OR0RERERERGo4wzA4ffo0gYGBWK3Fj5XXuiT9yJEjBAcHOzoMERERERERqWUOHTpEUFBQsfvUuiS9bt26gPnJ8fLycnA0IiIiIiIiUtMlJycTHBxckI8Wp9Yl6fkl7l5eXkrSRUREREREpNKUZMq1GseJiIiIiIiIVBFK0kVERERERESqCCXpIiIiIiIiIlVErZuTLiIiIiIiUlXl5uaSnZ3t6DCkDJydnbHZbBd9HiXpIiIiIiIiVUBKSgqHDx/GMAxHhyJlYLFYCAoKok6dOhd1HiXpIiIiIiIiDpabm8vhw4fx8PDA19e3RF3ApeowDIOEhAQOHz5MaGjoRY2oK0kXERERERFxsOzsbAzDwNfXF3d3d0eHI2Xg6+tLTEwM2dnZF5Wkq3GciIiIiIhIFaER9OqrvL52StJFREREREREqggl6SIiIiIiIiJVhJJ0ERERERERkSpCSbqIiIiIiIiUyahRo7BYLEyfPr3Q9oULF1b7+fXvv/8+/fr1w8vLC4vFwqlTpyrlukrSRUREREREpMzc3NyYMWMGiYmJlX7t7OzsCjt3WloaQ4cO5emnn66waxRFSbqIiIiIiEgVYxgGaVk5DrkZhlGqWAcNGoS/vz/Tpk0rdr9Vq1bRu3dv3N3dCQ4OZuzYsaSmphY8b7FYWLhwYaFjfHx8+PjjjwGIiYnBYrGwYMEC+vbti5ubG/Pnz8dut/PCCy8QFBSEq6sr4eHhLFmypOAc+cd9++239O/fHw8PDzp27MjatWuLjXfcuHFMmjSJSy+9tFSfj4ulddJFRERERESqmPTsXNo894tDrr3zhSF4uJQ8VbTZbLz88suMGDGCsWPHEhQUdM4+UVFRDB06lBdffJG5c+eSkJDAmDFjGDNmDPPmzStVfJMmTWLWrFl06tQJNzc3Zs+ezaxZs3jvvffo1KkTc+fO5ZprrmHHjh2EhoYWHDd58mRmzpxJaGgokydP5rbbbiMyMhInp6qVFmskXURERERERC7KddddR3h4OFOmTCny+WnTpjFy5EjGjRtHaGgoPXv25M033+STTz4hIyOjVNcaN24c119/PSEhIQQEBDBz5kwmTpzIrbfeSlhYGDNmzCA8PJw33nij0HETJkxg2LBhtGzZkqlTp3LgwAEiIyPL+pIrTNV6y0BERERERERwd7ax84UhDrt2WcyYMYMBAwYwYcKEc57bsmULW7duZf78+QXbDMPAbrcTHR1N69atS3ydrl27FjxOTk7myJEj9OrVq9A+vXr1YsuWLYW2dejQoeBxQEAAAPHx8bRq1arE164MStJFRERERESqGIvFUqqS86qgT58+DBkyhKeeeopRo0YVei4lJYXRo0czduzYc45r0qQJYL7mf86HL6oxnKenZ5nic3Z2Lnic33nebreX6VwVqXp91UVERERERKTKmj59OuHh4YSFhRXa3rlzZ3bu3EmLFi3Oe6yvry9Hjx4t+Hjfvn2kpaUVez0vLy8CAwNZvXo1ffv2Ldi+evVqunfvXsZX4VgOnZP+559/cvXVVxMYGFhkJ7+iLF++nM6dO+Pq6kqLFi0KOv2JiIiIiIiIY7Vv356RI0fy5ptvFto+ceJE1qxZw5gxY4iIiGDfvn18//33jBkzpmCfAQMGMGfOHP7++282btzIAw88UGj0+3yeeOIJZsyYwYIFC9izZw+TJk0iIiKCRx999KJeS1xcHBEREQXz1rdt20ZERAQnT568qPNeiEOT9NTUVDp27Mhbb71Vov2jo6MZNmwY/fv3JyIignHjxnHvvffyyy+O6XooIiIiIiIihb3wwgvnlJF36NCBFStWsHfvXnr37k2nTp147rnnCAwMLNhn1qxZBAcH07t3b0aMGMGECRPw8PC44PXGjh3L+PHjefzxx2nfvj1Llixh0aJFhTq7l8W7775Lp06duO+++wCznL9Tp04sWrToos57IRajtIvgVRCLxcJ3333H8OHDz7vPxIkT+emnn9i+fXvBtltvvZVTp04VWgevOMnJyXh7e5OUlISXl9fFhi0iIiIiInLRMjIyiI6OJiQkBDc3N0eHI2VQ3NewNHlotVqCbe3atQwaNKjQtiFDhhS7CH1mZibJycmFbiIiIiIiIiJVUbVqHBcXF0ejRo0KbWvUqBHJycmkp6fj7u5+zjHTpk1j6tSplRWiiIiIVFGGYWA3INduYDcMDAPz/qznKGKbgZG33XxccJyBeeOf5zKPNSi8nz2veLHI65J/T8E+Z8dd8Jjz7JP/TKFtF9j3nO3nXrNQuWVJzvGP+kyb1VJws1osONnMe5vVgpPVgouTFTcnG24uVtycbbg52XC2WQq6LouI1EbVKkkvi6eeeorx48cXfJycnExwcLADIxIREakZDMMgI9tOenYuaVk5pGflkpZ3y8jOf5xDRo6d7Bw72bnmLSvXMO/P3pZjFDzOzrWTmfec3Q65hkGO3cBuNwoS7IKPjbxt9rxteR8X3Ayj4By5duPCL0oczma14O3ujI+HM/U8XKjn4YyPhwsNPF0I9HEn0Med4PruhDT0xNWpbGs5i4hUZdUqSff39+fYsWOFth07dgwvL68iR9EBXF1dcXV1rYzwREREqq3UzBzikjOIS8rgeEomSenZnErLu6VnkZz/cd59WlYO6dm554yc1kQWC1gtFix5jy15j60Wi/lx3mPyH1vz97VgtQCY9+Yu+Y/NkWKrtfC2QuPHliIfFhplLrw9f5vlnG3nvqbiz1GS8xWO9dzzGVDwxsqZN0zMN1Pyt2Xl2snIzi30vZRrNziZmsXJ1CwgtegXAFgt0LSBJ2GN6tKpiQ+dmtSjQ5A3bs5K3EWkeqtWSfpll13G4sWLC2377bffuOyyyxwUkYiISPVgGAYJKZlExqcU3KKPpxKXZCbmpzNzLur8rk5WPFxsuDvbcHex4eHihHvex27OVlzyyphdnaw4287cXGwW8z5/u9OZbU42K075ZdL5JdNWCzaL5awyavKet2K15pVXW8z98o89u+Q6/zmz/NpMQC1nJdBFJeRS8QwjL2HPspOWnUNSejaJqdmcSssiMS2bxLQsjqdkcvRUBrGn0ok5kcrpjByij6cSfTyVJTviAPP78LLmDegf5sfgto0I8C56EEdEpCpzaJKekpJSsOYcmEusRUREUL9+fZo0acJTTz1FbGwsn3zyCQAPPPAAc+bM4cknn+Tuu+9m6dKlfPXVV/z000+OegkiIiJV0vGUTDbGJLL5YCJ/H0xk77EUktKziz2mjqsT/t5u+NZxpZ6nM97uzni7u+Dj4YxPXvmxt7sL3u7O1HHNS8LzEnGbVcmslJ3FYsHVyYarkw1vnC+YXBuGQcLpTPbFp7DjSBJ/HzzFpgOJxJ/OZPmeBJbvSeD5H3bQO9SXm7sGcUWbRiqNF5Fqw6FJ+saNG+nfv3/Bx/lzx++8804+/vhjjh49ysGDBwueDwkJ4aeffuKxxx5j9uzZBAUF8eGHHzJkyJBKj11ERKQqMQyDbbFJ/L7zGEv3xLM99tzVTCwWaFLfg1C/OjT3q0PzhnUI9HHH39sNf2836rhWqwI7qcUsFgt+Xm74ebnRq0VDwPwZ2BefwrLd8fy+6xh/xSTy594E/tybQIC3Gw/1b8HNXYOUrItIlVdl1kmvLFonXUREapLjKZl8u/kwX288zL74lELPhTWqS5dm9ejcpB5tAry4xNdT83Wl1jhwIpVvNh1mwV+HiD+dCUCAtxtPXdWaqzsEaCqDVDlaJ736K6910vWWuYiISDV0PCWTd5dH8em6A2Tm2AFwc7YysFUj+rfyo29LX3zrqnGq1F5NG3jy+OAwHu7fggV/HeLt5ZEcTcpg7Bd/syjiCC8Ob4e/txIhEal6lKSLiIhUI9m5dt5eFsW7K6JIz84FoEOQN7d2a8K/Ogbg5ebs4AhFqhY3Zxt39mzGLd2CeXdFFG8ti+T3XcdYH32C124O54o2jRwdoohIIVZHByAiIiIlExl/muvfXsPrv+8lPTuXjkHefHxXN75/uBcjejRRgi5SDDdnG+MGteTHR3rTMdiH0xk53P/pRt7/M4paNvtTpFyNGjUKi8XC9OnTC21fuHBhtZ5WcvLkSR555BHCwsJwd3enSZMmjB07lqSkpAq/tpJ0ERGRauCrjYcY9uYqtsUm4e3uzOxbw1n4cC/6hflV63+CRCpbmH9dvnngMkb2aIJhwMuLd/PUt9vIybU7OjSRasvNzY0ZM2aQmJhY6dfOzi5+5ZKyOnLkCEeOHGHmzJls376djz/+mCVLlnDPPfdUyPXOpiRdRESkivtw5X6e/GYrmTl2+rT05Zdxfbg2vLGSc5EycrZZeXF4O6Zc3QarBb786xAT/7cNu10j6lKFGAZkpTrmVsrqkkGDBuHv78+0adOK3W/VqlX07t0bd3d3goODGTt2LKmpqQXPWywWFi5cWOgYHx8fPv74YwBiYmKwWCwsWLCAvn374ubmxvz587Hb7bzwwgsEBQXh6upKeHg4S5YsKThH/nHffvst/fv3x8PDg44dO7J27drzxtquXTv+97//cfXVV9O8eXMGDBjASy+9xA8//EBOTk6pPj+lpTnpIiIiVZRhGMxZGsms3/YCcH+fS3jqylZKzkXKgcVi4a5eIQT6uPPQ/M38b/Nh6ns68/RVrfUzJlVDdhq8HOiYaz99BFw8S7y7zWbj5ZdfZsSIEYwdO5agoKBz9omKimLo0KG8+OKLzJ07l4SEBMaMGcOYMWOYN29eqcKbNGkSs2bNolOnTri5uTF79mxmzZrFe++9R6dOnZg7dy7XXHMNO3bsIDQ0tOC4yZMnM3PmTEJDQ5k8eTK33XYbkZGRODmVLC3O78xe0v3LSiPpIiIiVdT7f+4vSNDHX9FSCbpIBRjS1p8ZN3QA4IOV0byzIsrBEYlUT9dddx3h4eFMmTKlyOenTZvGyJEjGTduHKGhofTs2ZM333yTTz75hIyMjFJda9y4cVx//fWEhIQQEBDAzJkzmThxIrfeeithYWHMmDGD8PBw3njjjULHTZgwgWHDhtGyZUumTp3KgQMHiIyMLNE1jx8/zr///W/uv//+UsVaFhpJFxERqYI2RJ9kxpLdADx1ZStG923u4IhEaq4buwSRmJrFS4t38cqSPbTyr8uAVur6Lg7m7GGOaDvq2mUwY8YMBgwYwIQJE855bsuWLWzdupX58+cXbDMMA7vdTnR0NK1bty7xdbp27VrwODk5mSNHjtCrV69C+/Tq1YstW7YU2tahQ4eCxwEBAQDEx8fTqlWrYq+XnJzMsGHDaNOmDc8//3yJ4ywrJekiIiJVzImUTMZ+8Td2A67v1Jj7+1zi6JBEarz7+lzC4cQ0/rv2AE98vZWfx/XGr67WURcHslhKVXJeFfTp04chQ4bw1FNPMWrUqELPpaSkMHr0aMaOHXvOcU2aNAHMaSj/XG2hqMZwnp5l+7w4O59ZBSW/Ms1uL75p5OnTpxk6dCh169blu+++K3SOiqIkXUREpAqx2w3Gf7WFuOQMmvt68u/h7VTiLlJJnrqqNeujT7I77jRPfL2VeaO6YbXq50+kNKZPn054eDhhYWGFtnfu3JmdO3fSokWL8x7r6+vL0aNHCz7et28faWlpxV7Py8uLwMBAVq9eTd++fQu2r169mu7du5fxVZiSk5MZMmQIrq6uLFq0CDe3ynnjTnPSRUREqpDPNxxkxd4EXJ2svDWyM56uej9dpLK4Odv4z22dcHWysmJvAvPWxDg6JJFqp3379owcOZI333yz0PaJEyeyZs0axowZQ0REBPv27eP7779nzJgxBfsMGDCAOXPm8Pfff7Nx40YeeOCBEo1cP/HEE8yYMYMFCxawZ88eJk2aREREBI8++miZX0dycjKDBw8mNTWVjz76iOTkZOLi4oiLiyM3N7fM5y0JJekiIiJVRHpWLrP/2AfAxKGtaOXv5eCIRGqf0EZ1eeZfbQCYsWQ3h04WP4onIud64YUXzikj79ChAytWrGDv3r307t2bTp068dxzzxEYeKaD/axZswgODqZ3796MGDGCCRMm4OFx4fnxY8eOZfz48Tz++OO0b9+eJUuWsGjRokKd3Utr8+bNrF+/nm3bttGiRQsCAgIKbocOHSrzeUvCYvyz6L+GS05Oxtvbu6B9voiISFXx7ooopv+8m6B67ix9vB8uTnovXcQRDMNg5IfrWRN1gn91CGDOiM6ODklqgYyMDKKjowkJCam0smopX8V9DUuTh+qvv4iISBWQnJHNO8vNpZ8eG9RSCbqIA1ksFp4Z1gaLBX7cepRNBxIdHZKI1CL6D0BERKQK+PDP/SSlZ9PCrw7DOzV2dDgitV6bQC9u7hIMwIs/7Tyn47SISEVRki4iIuJgJ1Iy+WhVNAATBrfEpm7SIlXC44Nb4uFi4++Dp/hx69ELHyAiUg6UpIuIiDjY15sOk5qVS7vGXgxp6+/ocEQkj5+XGw/0bQ7AK7/sJie3+PWURUTKg5J0ERERBzIMg/9tOgzAyB5NtSa6SBVzX+9LqOfhzKGT6fy685ijwxGRWkBJuoiIiANti01iX3wKrk5WhnUIcHQ4IvIP7i42br+0KUDBtBQRkYqkJF1ERMSBvt0cC8Dgtv54uTk7OBoRKcr/XdoUZ5uFTQcS+fugOr2LSMVSki4iIuIgWTl2vo8wk/QbOquju0hV5eflxjUdzZ9RjaaLSEVTki4iIuIgy/bEk5iWjV9dV3qH+jo6HBEpxj2XhwDw8/Y4DiemOTgaEanJlKSLiIg4SH7DuOs6NdayayJVXJtAL3o2b0Cu3eC/a2IcHY6I1GBK0kVERBwgMTWLZXviAbi+c5CDoxGRkri7lzma/u3mWLK1HJsIAKNGjcJisTB9+vRC2xcuXFjtVywZPXo0zZs3x93dHV9fX6699lp2795d4ddVki4iIuIAf+5LIDvXoJV/XcL86zo6HBEpgb5hvjTwdOFEaharI487OhyRKsPNzY0ZM2aQmFj5jRWzs7Mr7NxdunRh3rx57Nq1i19++QXDMBg8eDC5ubkVdk1Qki4iIuIQ+f/g92mpuegi1YWz7cxSid9HHHFwNFLTGYZBWnaaQ26GYZQq1kGDBuHv78+0adOK3W/VqlX07t0bd3d3goODGTt2LKmpqQXPWywWFi5cWOgYHx8fPv74YwBiYmKwWCwsWLCAvn374ubmxvz587Hb7bzwwgsEBQXh6upKeHg4S5YsKThH/nHffvst/fv3x8PDg44dO7J27dpi473//vvp06cPzZo1o3Pnzrz44oscOnSImJiYUn1+SsupQs8uIiIi5zAMg1X7zCS9V4uGDo5GRErj2vDGfLL2AL/siCM9Kxd3F5ujQ5IaKj0nnR6f93DItdePWI+Hs0eJ97fZbLz88suMGDGCsWPHEhR07jSuqKgohg4dyosvvsjcuXNJSEhgzJgxjBkzhnnz5pUqvkmTJjFr1iw6deqEm5sbs2fPZtasWbz33nt06tSJuXPncs0117Bjxw5CQ0MLjps8eTIzZ84kNDSUyZMnc9tttxEZGYmT04XT4tTUVObNm0dISAjBwcGlire0NJIuIiJSyaKPp3IkKQMXm5Xuzeo7OhwRKYXOTXwIqudOWlYuv+065uhwRKqM6667jvDwcKZMmVLk89OmTWPkyJGMGzeO0NBQevbsyZtvvsknn3xCRkZGqa41btw4rr/+ekJCQggICGDmzJlMnDiRW2+9lbCwMGbMmEF4eDhvvPFGoeMmTJjAsGHDaNmyJVOnTuXAgQNERkYWe623336bOnXqUKdOHX7++Wd+++03XFxcShVvaWkkXUREpJKtyit179K0nkbhRKoZi8XCteGBvLUsikURsVzTMdDRIUkN5e7kzvoR6x127bKYMWMGAwYMYMKECec8t2XLFrZu3cr8+fMLthmGgd1uJzo6mtatW5f4Ol27di14nJyczJEjR+jVq1ehfXr16sWWLVsKbevQoUPB44AAc+pKfHw8rVq1Ou+1Ro4cyRVXXMHRo0eZOXMmN998M6tXr8bNza3E8ZaWknQREZFKtjKv1P3yUJW6i1RHw8Mb89ayKJbvSSAxNYt6nhU7qia1k8ViKVXJeVXQp08fhgwZwlNPPcWoUaMKPZeSksLo0aMZO3bsOcc1adIEMF/zP+fDF9UYztPTs0zxOTs7FzzO7zxvtxe/UoO3tzfe3t6EhoZy6aWXUq9ePb777jtuu+22MsVQEkrSRUREKlFOrp11UScA6K0kXaRaCm1Ul9YBXuw6mszi7UcZ2aOpo0MSqTKmT59OeHg4YWFhhbZ37tyZnTt30qJFi/Me6+vry9GjRws+3rdvH2lpacVez8vLi8DAQFavXk3fvn0Ltq9evZru3buX8VUUzTAMDMMgMzOzXM/7T5qTLiIiUom2HE7idGYO3u7OtA30dnQ4IlJG14abZe5Ltsc5OBKRqqV9+/aMHDmSN998s9D2iRMnsmbNGsaMGUNERAT79u3j+++/Z8yYMQX7DBgwgDlz5vD333+zceNGHnjggUKj3+fzxBNPMGPGDBYsWMCePXuYNGkSERERPProo2V+Hfv372fatGls2rSJgwcPsmbNGm666Sbc3d256qqrynzeklCSLiIiUonyl17r1aIBNqvFwdGISFkNbOUHwProk6RnVeyaySLVzQsvvHBOGXmHDh1YsWIFe/fupXfv3nTq1InnnnuOwMAzfR1mzZpFcHAwvXv3ZsSIEUyYMAEPjwuX/I8dO5bx48fz+OOP0759e5YsWcKiRYsKdXYvLTc3N1auXMlVV11FixYtuOWWW6hbty5r1qzBz8+vzOctCYtR2kXwqrnk5GS8vb1JSkrCy8vL0eGIiEgtc/O7a9kQc5KXrmunElmRaswwDC6fsYzYU+nMG9WN/q0q9p92qfkyMjKIjo4mJCSkQpuSScUp7mtYmjxUI+kiIiKVJD0rl80HEwHo3cLXwdGIyMWwWCz0aWn+HK/Ym+DgaESkJlGSLiIiUkl2Hk0ix27gV9eVJg2qV8deETlXvzAzSV++J97BkYhITaIkXUREpJJsPZwEQIcgNYwTqQl6tWiIk9VCzIk0Yo6nOjocEakhlKSLiIhUkm15SXq7xkrSRWqCOq5OdG1WD1DJu4iUHyXpIiIilWRbrEbSRWqafmFmwziVvItIeVGSLiIiUglSM3OITEgBNJIuUpPkz0tfu/8EGdlaik1ELp6SdBERkUqw40gyhgEB3m741dXSOiI1RVijuvh7uZGRbWdD9ElHhyMiNYCSdBERkUqw9fApQKPoIjWNxWKhb95SbKsijzs4GhGpCZSki4iIVILt+fPRlaSL1DjdQ+oDsDFGI+kicvGUpIuIiFSCrXlJens1jROpcfI7vG+PTda8dBG5aErSRUREKtjpjGz2J5hrKLfXSLpIjdOkvgcN67iSlWsvWMVBpLYYNWoUFouF6dOnF9q+cOFCLBaLg6IqX4ZhcOWVV2KxWFi4cGGFX09JuoiISAXbHpsMQGMfdxrUcXVwNCJS3iwWC93yRtM3xiQ6OBqRyufm5saMGTNITKz87//s7OwKv8Ybb7xRqW84KEkXERGpYPnz0TWKLlJzdWman6RrXrqUD8MwsKelOeRmGEapYh00aBD+/v5Mmzat2P1WrVpF7969cXd3Jzg4mLFjx5KamlrwfFEj1T4+Pnz88ccAxMTEYLFYWLBgAX379sXNzY358+djt9t54YUXCAoKwtXVlfDwcJYsWVJwjvzjvv32W/r374+HhwcdO3Zk7dq1F3xtERERzJo1i7lz55b8E3KRnCrtSiIiIrWU5qOL1Hxdm5nN4zYdTMRuN7Baa0aZrziOkZ7Ons5dHHLtsM2bsHh4lHh/m83Gyy+/zIgRIxg7dixBQUHn7BMVFcXQoUN58cUXmTt3LgkJCYwZM4YxY8Ywb968UsU3adIkZs2aRadOnXBzc2P27NnMmjWL9957j06dOjF37lyuueYaduzYQWhoaMFxkydPZubMmYSGhjJ58mRuu+02IiMjcXIqOi1OS0tjxIgRvPXWW/j7+5cqxouhkXQREZEKti1v+TWNpIvUXG0DvXBztnIqLZv9x1McHY5IpbvuuusIDw9nypQpRT4/bdo0Ro4cybhx4wgNDaVnz568+eabfPLJJ2RkZJTqWuPGjeP6668nJCSEgIAAZs6cycSJE7n11lsJCwtjxowZhIeH88YbbxQ6bsKECQwbNoyWLVsydepUDhw4QGRk5Hmv89hjj9GzZ0+uvfbaUsV3sTSSLiIiUoHSs3I5cDINgNYBXg6ORkQqirPNSscgH9ZHn2RjTCIt/Oo6OiSp5izu7oRt3uSwa5fFjBkzGDBgABMmTDjnuS1btrB161bmz59fsM0wDOx2O9HR0bRu3brE1+natWvB4+TkZI4cOUKvXr0K7dOrVy+2bNlSaFuHDh0KHgcEBAAQHx9Pq1atzrnGokWLWLp0KX///XeJ4yovStJFREQqUFRCCoYB9TycaVjHxdHhiEgF6tasPuujT/JXTCK3dm/i6HCkmrNYLKUqOa8K+vTpw5AhQ3jqqacYNWpUoedSUlIYPXo0Y8eOPee4Jk3MnxeLxXLOfPiiGsN5enqWKT5nZ+eCx/mN4Ox2e5H7Ll26lKioKHx8fAptv+GGG+jduzfLly8vUwwloSRdRESkAkUlmGWvLfzq1JilaESkaF3yOrxvOqDmcVJ7TZ8+nfDwcMLCwgpt79y5Mzt37qRFixbnPdbX15ejR48WfLxv3z7S0tKKvZ6XlxeBgYGsXr2avn37FmxfvXo13bt3L+OrMOe933vvvYW2tW/fntdff52rr766zOctCSXpIiIiFWjfsfwkXaWvIjVd5yb1sFgg5kQaCacz8a2rJRel9mnfvj0jR47kzTffLLR94sSJXHrppYwZM4Z7770XT09Pdu7cyW+//cacOXMAGDBgAHPmzOGyyy4jNzeXiRMnFhr9Pp8nnniCKVOm0Lx5c8LDw5k3bx4RERGFSutLy9/fv8hmcU2aNCEkJKTM5y0JNY4TERGpQJHxZ0bSRaRm83Z3pmXeG3KbDmi9dKm9XnjhhXPKyDt06MCKFSvYu3cvvXv3plOnTjz33HMEBgYW7DNr1iyCg4Pp3bs3I0aMYMKECXiUoOR/7NixjB8/nscff5z27duzZMkSFi1aVKize3ViMUq7CF41l5ycjLe3N0lJSXh5qYGPiIhUrIGzlhOVkMond3enT0tfR4cjIhVs4jdbWbDxEGP6t2DCkLALHyCSJyMjg+joaEJCQnBzc3N0OFIGxX0NS5OHaiRdRESkgmTl2DlwwpxLp5F0kdqhbWPzn+8dR5IcHImIVFdK0kVERCrIgROp5NgNPF1sBHhrVESkNmgbmJ+kJzs4EhGprpSki4iIVJCz56Ors7tI7dDK3wuLBeJPZ5JwOtPR4YhINaQkXUREpILsi1dnd5HaxtPViZCG5hrOKnkXkbJQki4iIlJB1NldpHZqG+gNqORdRMpGSbqIiEgFyR9JD1WSLlKr5M9L36kkXUTKQEm6iIhIBci1G+xP0Ei6SG10pnmcyt1FpPSUpIuIiFSAw4lpZObYcXGyElzfw9HhiEglyi93jzmRxumMbAdHIyLVjZJ0ERGRCrDvmDmKfklDT2xWdXYXqU3qe7oULLu46+hpB0cjItWNknQREZEKEJlX6h7aSJ3dRWojlbyLSFkpSRcREakA+SPpahonUju1UYd3qSVGjRqFxWJh+vTphbYvXLgQi6V6V5L169cPi8VS6PbAAw9U+HWVpIuIiFSAqLyR9Oa+StJFaqMzI+lK0qXmc3NzY8aMGSQmJlb6tbOzK7bvw3333cfRo0cLbq+88kqFXg+UpIuIiFSIAydSAWjWUE3jRGqj/CR937HTZObkOjgaqY4MwyA7M9chN8MwShXroEGD8Pf3Z9q0acXut2rVKnr37o27uzvBwcGMHTuW1NTUguctFgsLFy4sdIyPjw8ff/wxADExMVgsFhYsWEDfvn1xc3Nj/vz52O12XnjhBYKCgnB1dSU8PJwlS5YUnCP/uG+//Zb+/fvj4eFBx44dWbt27QVfm4eHB/7+/gU3Ly+vkn9iysipwq8gIiJSyyRnZJOYZr6z37SBp4OjERFHaOzjjo+HM6fSstl3LIV2jb0dHZJUMzlZdt5/dIVDrn3/7L44u9pKvL/NZuPll19mxIgRjB07lqCgoHP2iYqKYujQobz44ovMnTuXhIQExowZw5gxY5g3b16p4ps0aRKzZs2iU6dOuLm5MXv2bGbNmsV7771Hp06dmDt3Ltdccw07duwgNDS04LjJkyczc+ZMQkNDmTx5MrfddhuRkZE4OZ0/LZ4/fz6fffYZ/v7+XH311Tz77LN4eFTsG/AaSRcRESlnB0+kAdDA04U6rno/XKQ2slgshOU1jtwXrw7vUvNdd911hIeHM2XKlCKfnzZtGiNHjmTcuHGEhobSs2dP3nzzTT755BMyMjJKda1x48Zx/fXXExISQkBAADNnzmTixInceuuthIWFMWPGDMLDw3njjTcKHTdhwgSGDRtGy5YtmTp1KgcOHCAyMvK81xkxYgSfffYZy5Yt46mnnuLTTz/l9ttvL1WsZaH/HERERMrZwZNmkt6kgUrdRWqzFn51WB99sqCRpEhpOLlYuX92X4dduyxmzJjBgAEDmDBhwjnPbdmyha1btzJ//vyCbYZhYLfbiY6OpnXr1iW+TteuXQseJycnc+TIEXr16lVon169erFly5ZC2zp06FDwOCAgAID4+HhatWpV5HXuv//+gsft27cnICCAgQMHEhUVRfPmzUscb2kpSRcRESlnB/JG0pvUV5IuUpvlr+4QGa8kXUrPYrGUquS8KujTpw9DhgzhqaeeYtSoUYWeS0lJYfTo0YwdO/ac45o0aQKYr/mf8+GLagzn6Vm2qWTOzs4Fj/M7z9vt9hIf36NHDwAiIyOVpIuIiFQnB0+aTXCaKkkXqdVa+Jnl7krSpTaZPn064eHhhIWFFdreuXNndu7cSYsWLc57rK+vL0ePHi34eN++faSlpRV7PS8vLwIDA1m9ejV9+56pPFi9ejXdu3cv46soWkREBHBmFL6iKEkXEREpZ2fK3dU0TqQ2C21kjqQfOJlGZk4urk7Va1RUpCzat2/PyJEjefPNNwttnzhxIpdeeiljxozh3nvvxdPTk507d/Lbb78xZ84cAAYMGMCcOXO47LLLyM3NZeLEiYVGv8/niSeeYMqUKTRv3pzw8HDmzZtHREREodL60oqKiuLzzz/nqquuokGDBmzdupXHHnuMPn36FCqbrwhK0kVERMpZfrl7U81JF6nV/Oq6UtfVidOZOcQcTyPMv66jQxKpFC+88AILFiwotK1Dhw6sWLGCyZMn07t3bwzDoHnz5txyyy0F+8yaNYu77rqL3r17ExgYyOzZs9m0adMFrzd27FiSkpJ4/PHHiY+Pp02bNixatKhQZ/fScnFx4ffff+eNN94gNTWV4OBgbrjhBp555pkyn7OkLEZpF8Gr5pKTk/H29iYpKalS1rgTEZHaJSvHTqtnf8ZuwIanB+Ln5ebokETEga57ezV/HzzFnBGd+FeHQEeHI1VYRkYG0dHRhISE4Oamvx3VUXFfw9LkoVqCTUREpBzFnkrHboCbsxXfuq6ODkdEHKyFr5rHiUjpKEkXEREpRwXz0et7FHSOFZHaK39e+j4l6SJSQkrSRUREytHBE2Zn9yb11TRORMy10gGilKSLSAkpSRcRESlHahonImcLzVuGbX9CKjm5JV+PWURqLyXpIiIi5ejASSXpInJGYx933JytZOXaOZSY7uhwpBqoZX29a5Ty+topSRcRESlHh/KS9OD6StJFBKxWC83zmsftO3bawdFIVWaz2QDIyspycCRSVvlfu/yvZVlpnXQREZFyYhhGQeO4pkrSRSRPC7867DiSTGRCCoMdHYxUWU5OTnh4eJCQkICzszNWq8ZTqxO73U5CQgIeHh44OV1cmq0kXUREpJwkpGSSlpWL1QJB9ZSki4ipYBm2Y2oeJ+dnsVgICAggOjqaAwcOODocKQOr1UqTJk0uenUXJekiIiLl5GBe07gAb3dcnDQCIiKm/GXYIhOUpEvxXFxcCA0NVcl7NeXi4lIuFRBK0kVERMqJOruLSFHyl2GLjE/BbjewWi9ulE1qNqvVipubm6PDEAfS2/wiIiLlJH8+ehPNRxeRszRt4ImT1UJaVi5xyRmODkdEqjgl6SIiIuUkv7N7E42ki8hZnG3WghUfYk6kOjgaEanqlKSLiIiUk8OnzDWQ1TRORP4pv8Imf1qMiMj5KEkXEREpJ0fykvTGPppLKCKFNWugJF1ESkZJuoiISDnItRvEJZlzTQN93B0cjYhUNU0beAJwQOXuInIBStJFRETKQfzpDHLsBk5WC351NZIuIoU1a5g/J10j6SJSPCXpIiIi5SC/1N3f2w2bllcSkX84eyTdMAwHRyMiVZmSdBERkXIQe0ql7iJyfkH13LFaIC0rl4SUTEeHIyJVmJJ0ERGRcnCmaZySdBE5l6uTjQBv8/eDmseJSHGUpIuIiJSD/CQ9UJ3dReQ88uelK0kXkeIoSRcRESkHZ5J0jaSLSNHU4V1ESkJJuoiISDk4nKgkXUSKl79Wujq8i0hxlKSLiIiUg/yR9CAl6SJyHhpJF5GSUJIuIiJykU5nZJOckQNAgJJ0ETmPZnlJesxxJekicn5K0kVERC7S0SRz+TVvd2fquDo5OBoRqaqa1DfL3ZMzcjiVluXgaESkqnJ4kv7WW2/RrFkz3Nzc6NGjBxs2bCh2/zfeeIOwsDDc3d0JDg7mscceIyMjo5KiFREROVesmsaJSAm4u9ho5OUKaF66iJyfQ5P0BQsWMH78eKZMmcLmzZvp2LEjQ4YMIT4+vsj9P//8cyZNmsSUKVPYtWsXH330EQsWLODpp5+u5MhFRETOOLNGupZfE5HiaV66iFyIQ5P01157jfvuu4+77rqLNm3a8O677+Lh4cHcuXOL3H/NmjX06tWLESNG0KxZMwYPHsxtt912wdF3ERGRiqTl10SkpAo6vB/XSLqIFM1hSXpWVhabNm1i0KBBZ4KxWhk0aBBr164t8piePXuyadOmgqR8//79LF68mKuuuuq818nMzCQ5ObnQTUREpDzFavk1ESkhjaSLyIU4rLvN8ePHyc3NpVGjRoW2N2rUiN27dxd5zIgRIzh+/DiXX345hmGQk5PDAw88UGy5+7Rp05g6dWq5xi4iIlWAYZj3Fotj4wCOnDJ7ozRWki4iF9A0byT9wEmNpItI0apVC9rly5fz8ssv8/bbb9OjRw8iIyN59NFH+fe//82zzz5b5DFPPfUU48ePL/g4OTmZ4ODgygpZREQuRmYKHFgDh9bD8b1wIhKSYyEn07w5u0ODFtCwJTTuDK2vBp8mlR6mGseJSElpGTYRuRCHJekNGzbEZrNx7NixQtuPHTuGv79/kcc8++yz/N///R/33nsvAO3btyc1NZX777+fyZMnY7WeW73v6uqKq6tr+b8AERGpGKfjYMd3sPN7OPwX2HPOv292GsRtNW/bv4FfnobAztDpduh8B9icKzzcXLtBXLJG0kWkZILzlmE7kZpFWlYOHi7VasxMRCqBw34ruLi40KVLF/744w+GDx8OgN1u548//mDMmDFFHpOWlnZOIm6z2QAw8sseRUSk+snNgT2LYeNHEP0nGPYzz/k0hZDe4NfWHDWv19QcQbe5QuZpc4Q9YTdELYUDq+HIZvO2dg4MfA7aDK/Qkvj40xnk2g2crBZ86+pNYREpnre7M3XdnDidkUNsYjqhjeo6OiSRaiM1O5X4tHgS0hKIT8+7T4snMTORaZdPw1IFpsCVB4e+dTd+/HjuvPNOunbtSvfu3XnjjTdITU3lrrvuAuCOO+6gcePGTJs2DYCrr76a1157jU6dOhWUuz/77LNcffXVBcm6iIhUI2kn4e9PYcMHkHTozPag7tD+RggdDPVDzn983UbQsAW0ugp6j4eUeNj2Dax6DU7uh69HQfMBcONccK9XIS8hv7O7v7cbNmvN+OdARCpWUD0Pdh1N5rCSdBHIzoCMU5B+CntGErGnDxCdFMPh1Dhi0+OJzUwkNiuJ2NxUThvnr657putE6lTQ3/rK5tAk/ZZbbiEhIYHnnnuOuLg4wsPDWbJkSUEzuYMHDxYaOX/mmWewWCw888wzxMbG4uvry9VXX81LL73kqJcgIiJlEb8L1r8LWxZAjpnk4tEAutwFnf8P6jUr23nr+MFlD5nnWPsWrHrDHGH/YCDc9iX4tiyvV1DgsDq7i0gpBdVzz0vS1TxOagjDMBPtlARIOw7ppwoS70L3GUmQfgojI5GjmUnsMtKItEGUszPRzs7EODuRUcQU5rPVsdvxzcnFLzcX39zcgseWrNQKe0O+slmMWlYnnpycjLe3N0lJSXh5eTk6HBGR2sOeC/t+hXXvQPSKM9sbtYdLH4B2N5hl7OXp6Fb4coQ5Su/qDbfON0vny9E7y6OYsWQ313dqzGu3hJfruUWkZpr6ww7mrY5hdJ9LeOqq1o4OR6RohmFWvCXHQsoxSE0wbynxkHr8zMepCebH9uzznirOZmObqws7XV3Y6eLCLlcXEs9TCe1sQDOcCLa40djJg8bOXgS51qexW0MCPRvh4VYPXOuaN5c6eY/rmNPjrFW3uro0eag6VYiISMXKSIK/P4MN70NijLnNYoVW/4IeD0DTnhU3ZzygA9y3DBbcDofWwZcj4d7fwDes3C4Rl3Sm3F1EpCSC6pnN4w7nTZcRcYiMZDh1AE4dhOQjkHTYvE8+YibmyUcgN7N053T1xvCoR4yHF5tdndlktbPZSCXWnnHOrk4WGy3qNqVl/ZZcUi+MS3yac4nPJTSu0xgna+1OU2v3qxcRkYpzfB+sfw8iPofsvKWG3Hygy53Q7d7KWyqtji/cuQg+uRYOroXPb4Z7l4Jng3I5/bFk8x8YJekiUlJB9cyqofzpMiIVwm43k+3EGEiMzrs/65Z2omTn8fSFuv7m/T9vdfzAsyGJTi6sPrWXlXHrWHd0HSczToIB5JqnsFqstKzXkrYN2tKmQRvaNGhDaL1QXG1quFoUJekiIlJ+crNh329ml/bI389s920NPUZDh5vBxbPy43JyhVs+gw8GmP+YLLgd7lhobr9I+cuv+dVVki4iJZO/XGOs5qRLecjJNJulJuwx3yA/vsdc+eT4PnOp0uJ4NDDfNPdqbN688+69As1b3YAi/1YahsHOEzv5M/ZPVu39mG3Ht2FwZha1i9WF9r7t6ezXma6NutLRryOezg74+19NKUkXEZGLYxhwNAK2/89sBJcan/eEBVoONeebh/St0GXQSsSzIYz4Cj66Ag6ugaX/hsEvXvRp4/OSdI2ki0hJBeeVux9PySI9Kxd3l6o7j1aqEMMw32g+th3itpv38bvMbUZu0cdYncy52vWaFXFrCm7epbi8we6Tu1kSs4RfYn4hNiW20PNh9cLoHdSbXoG96ODbARebS5lepihJF5FawG7YycjJICM3g/ScdDJzMsk1crEbdgwM894w7+2YjwGcrc44WZ1wtjqfeWxzLrTdyeqE1VJ8F9IaKTvdLB3f9zvs/sGcz5bP0xc63ALd7oH6lzguxqL4tYLr3oMvb4O1b0P7myCgY5lPZ7cbxJ82y90bealkT0RKxsvdibquTpzOzCH2VBot/LQMm/xDTuaZZDxum/n42A7ITC56f1cvaBgKDcPMe98waNjSTMZtzhcVyv6k/Szev5hfYn4hJjmmYLu7kzuXN76cyxtfTq/AXjTybHRR15EzlKSLSLWUmp3K4dOHOZJyhNiUWBLSEziVeYpTGafM+7xbWnYaGbnnNispTzaLDRebC242N1ydXM17m2uhx25OZ+6LfT7vHGc//uc+rjZXLJU9Kp2RBLGb4NAGMzk/uA5yzvq8OntA6BXQ4Vbz/iL/IahQra6CttfDjm9h0Vi4b2mZu8EeT80kx25gsYBvHSXpIlIyFouFxvXc2R13mkOJ6UrSazvDMMvVD2+E2I3m39u4bZCbde6+NhfwbQX+7aFRO2jUxkzM6/qXa8VaZm4mv8b8yjd7v2Fz/OaC7a42V/oE9WFos6H0DuqNu5OWH60IStJFpEo7nn6cvYl72XtyL3sT97I/aT+xKbGcyjxVpvPlJ742iw2rxYoVKxaLxXxssWLBfGw37OQYOeTYc8i2Z5v3udlk27MLzbkCyDVySc9JJz0nHUrZBLWs8pP14pL6871JUHDsWW8MeDh74O3qjY+zF/XST+GcsMd8xz6/nO7UgXODqBsIzftD2JXQfCC4eFTOiy8PQ6dD1B9mmf7698y11csgPq9pXMM6rjjZamFFhYiUWVA9D3bHnSZWzeNqn8zTcHA9HN6Ql5hvMtcQ/yf3+uYqJY3agX8H8G9njo5X4Bvh+5P2883eb1gUtYikzCTAHIy4vPHlXBlyJf2C+2lueSVQki4iVUZSZhJbErawJWEL2xK2sSdxj9kd9Dy8Xb1pXKcxjes0ppFHI3xcfajnVg8fVx98XH3wdvWmjksd3J3ccbO54ebkVi6l6bn23DOJuz2brNwssnKzyMjNIDM3k4ycvPvcDDJzMgs9/uc+Jd0/MyeTHCOnIIb8Y5M5T9nbRbAYBr65ufjn5BKck0MLI5sW7u60dfPFN+hSCO4OIX3MfxQcPc+8rOo2gitegB8ehaUvQuurwSe41KeJS8qbj+6l+egiUjrq8F6LZCSbFWgxK+HAajgSce4ccpurOf0qqCs07mLe6jWrlL+zhmGw7ug65m6fy7qj6wq2+3v6c0PoDVwfej1+Hn4VHoecoSRdRBwmLjWOtUfWsjl+M1sSthCdFH3OPhYsNPVqSst6LWlZryUt6rUgqE4Qjes0po5LHQdEDTarDVsZy6MvRo49p+RvAmSlkZlylMyUY2SkxpOZfoKM9JNkZiaTkZ1KJgaZFgsZFguZVgupFitJNitJViu5FgvxTk7EOzmxlcIl3CG2Y3S3H6NfVgKXGs1xslTjPyOd7oAtX5rl+ytnwtWzS32KY6fNJL2RknQRKaUzSbo6vNc4mafhwBozKY9ZBUe3gGEvvE+9ZtDkMjMZD+oKfm3BqXIbreXac/nj4B98tP0jdp7YCZhLpfVp3Iebwm6iV2Avh/y/I0rSRaQSZeVmsenYJlbHrmb1kdVEnoo8Z5+mXk3p6NuRjr4dadOgDc19mmu+Ux4nqxNOVqczZWaGAclHIGlf3pIr++BklDmv7dRBsOec/2Q2V6gfYjZ2O+tmr9eMRNc6xKXHcyT1CAeSD7AvcR97E/cSdSqK6KRoopOiWbBnAfXd6nNVyFXc2upWmno1rZxPQnmyWmHgFJg3FP6eD32eNJeeKYVjSflJuuaji0jpaCS9BjEMc8mzfb+ay5AeWAP27ML71AuBZpdDs97QrBd4BzkmViA7N5sf9v/AvO3zChrBudncuKHlDdzR5g4C6wQ6LDYxKUkXkQqVlp3G8kPLWRKzhHVH15nztvNYsNC+YXu6+Xcj3C+cDr4dqO9W33HBVlVZaWbyfXwvHI+EE/vMxyeiICvl/Mc5uecl3/9Ixhs0N+eTW88t/bcCDYAGnr60bdi20HNJmUlsPLaRtUfW8mvMr5zMOMlnuz7ji91fcE3zaxjdcTSN65QuyXW4ppdB08vhwCpY8yZcOaNUhx/Lm5OucncRKa2gvGXYlKRXU7k55kj57h/N5PzsVU7AHCkP6WMm5U17lfpN4IpgGAa/HPiF2ZtmczjlMABeLl7c1uo2RrQeof/BqhAl6SJS7jJyMvjz8J8siVnCysMrC3VXb+jekF6Bvbi88eVcGnApPm4+jgu0qslIgmM7IX5H3sh4XlKedPD8x1hsZuLdMBQatMi7NTe31fEvMhEvK29XbwY2GcjAJgOZ2H0ia4+s5cvdX7IydiXfRX7HD/t/YHSH0dzX/r7qVR7XZwJ8ugo2/Rd6Pw51Sj7vLi5Z5e4iUjb5I+nHUzLJyM7Fzbka/d6srXKyIPpP2LkQdv8E6Wf1zbG5miPkoYPNW4PmDguzKBvjNjJr4yy2n9gOQAO3BtzV7i5ubHmjGsFVQUrSRaTc7Dm5hy92f8HP0T+TlnNmjl1w3WCGNhvK4GaDCasXVvnLh1U1uTlmSXr+mqf5t+KScfd6ZqO2BqF566CGltv6p2XhbHWmT1Af+gT1YUvCFv7z939Yf3Q9b0W8xdoja5nWe1r1KZe7pJ85JzB2E6x9C66YWuJDj+Un6d5K0kWkdLzdnanj6kRKZg6xp9Jp7uuYPityAXa7WW215Utz1Dwj6cxzHg2g1TAIGwYhvcGl6iW7UaeieGPTGyw/vBww1za/q91d3NnmTjycq9GqLLWMknQRuSjZ9mz+OPgHX+z6otA6moGegQxpNoQhIUNoU79N7U3MczIhfqfZyfXoFnPJr/hdhdcYP5tXkLnmqW/YWUl5S/BsUJlRl0pH3458cMUH/Lj/R15a/xKb4zdz46IbeaP/G3QP6O7o8C7MYoE+T8AXt8JfH0KvR8GjZCV/BUm65qSLSClZLBaC8tZKP5yoJL3KORFlJuZbviz8Jrqnn7kiSJtrzTJ2W9VMp1KzU5nz9xy+2P0FuUYuNouNG1veyAMdH6Che0NHhycXUDW/q0SkykvKTOLz3Z/zzZ5viE+PB8x1NAc1HcStYbfSpVGX2peY52TBsW1mMn4kwkzIj+08t3kMgLMn+LWGRm3N9U8btTWTc/d6lR11ubBYLFzd/GrC/cKZtHISWxO28vAfD/PmgDe5LPAyR4d3YS2Hmp1143fAtq+hx+gLHpKZk0timvm11Zx0ESmLM0m6OrxXCdkZsP1/8Pen5sof+Vy9oO110OFmsyN7FZ7SZRgGvx34jRkbZhT8fzawyUAe7fwoId4hDo5OSkpJuoiUSlJmEp/u/JTPdn1GanYqYM5ruinsJm4MvZFGno0cHGElMQxIOgyH/4LDG837o1sgN/Pcfd18IDAcAsLNe/8OZpfXcpwvXlUE1w1m7pC5jF8+nj8P/8kjSx9hdv/Z9Grcy9GhFc9igS6j4OcnYPOn0P3+C65NG5/XNM7FyYq3e+VPORCR6k/N46qI5CPw10ewaR6knTC3WaxwSX8IH2GWtDtX/ZVmjqcf58V1L/LHwT8A82/yMz2eoWfjng6OTEpLSbqIlEhWbhZf7P6C97a8x+ns0wC0rNeSu9vdzeCmg3F2wLzoSpWTCbGb4dD6M4l5Sty5+7nXg8BOZxLygHDwaXLBhK8mcbW58nq/15mwYgLLDi3jkaWP8PHQj+ng28HRoRWv/Y3w6zNnqiECw4vdPb9pnL+XW+2rGhGRctHYR8uwOYxhwKENsP5d2LXozLKl3sHQ9S7oeBt4VZPeKsDP0T/z0vqXSMpMwsnixN3t7+a+9vfh5qRKr+pISbqIFMswDJYeXMqsTbM4dPoQAC18WvBQ+EMMbDIQq6XmjQYDkJ1u/vE+sBpiVpuJ+T9Hya1OZql6ULe8W1ezq7oSNlxsLszqO4vxy8ez/PByJqyYwFf/+qpqd/P3qA+t/5VX6vjZBZN0zUcXkYt1Zq10lbtXqug/YdnLhUvam15uTnUKu6rKzjMvSkpWCi+vf5kf9v8AQFi9MF68/EVa1W/l4MjkYlSf70ARqXRHUo7w0vqX+PPwnwD4uvsytvNYrr7k6uq1xFZJZKXCwXVnkvLYTefOJff0gyY9IKi7mZQHdAQXdUY9H2ebM9N6T+OWH2/h4OmDPL3qaeYMnFO139jpdLuZpG/7Cga/CM7nH4GIS9LyayJycRrnJelHTmkkvVIcWAvLXjLXNwdz2bQON5vJuX97x8ZWBtsStvHkn09yOOUwVouV+zvcz/0d7sfZWsOrG2sBJekicg67YeeznZ8xJ2IO6TnpOFmduKvtXdzb/t6as1yH3W6WNUctNW8H10FuVuF96gaaa5427QXNLjfXINcoeanUcanDa/1eY8RPI1gZu5K52+dyb/t7HR3W+YX0NUsdkw6ZS+20v/G8u8afNisrlKSLSFkFeJtJevzpTLJz7TjbqvCbmNXZ4Y1mch611PzY5gKd74Tej4NXgGNjKwPDMPhi9xe8uvFVcuw5BHoGMr3PdDr5dXJ0aFJOlKSLSCFxqXFMXjWZDXEbAOjs15kpl03hEp9LHBxZOUg+CvuX5SXmyyDteOHnvYPNZLxpLzM5rxeipLwchNUP4+keT/P82ueZ8/cc+gT1oWW9lo4Oq2hWm9kkaMUMs+S9mCQ9fyRdnd1FpKwaeLrgYrOSlWvnWHJGQSM5KSfJR81eI9u/MT+2OpkVU70ngE+wY2Mro7TsNJ5f+zw/R/8MwBVNr+D5ns/j5eLl4MikPClJF5ECv8b8yvNrn+d01mncndyZ0HUCN7a8sWqXJxfHnmuWre/5Gfb+Yi6vdTaXOtCsNzQfYN4aNFdSXkGuD72elbEr+ePgH8zYMIMPB39YdZut5Sfp+5ebHX/P0zioYE66t5J0ESkbq9WCv7cbB0+mcTRJSXq5yc2G9e/B8mmQlQJYzN/tfZ6A+tV3GbIjKUcYs3QM+xL34WRxYnzX8dze+vaq+/dUykxJuoiQbc/m9U2v8+nOTwFo37A903pPo6lXUwdHVgZZqeYo+d68xDw14awnLWbn9fykPKgbOLk4LNTaxGKx8ES3J1gVu4oNcRv4/eDvXNH0CkeHVbR6zcy+A4c3wJ7F0K3o8vyCJL2uGseJSNkF5CXpmpdeTqJXwuInIGGX+XHjrjBspvn3vxqLiI/g0WWPcjLjJA3dGzKr7yw6N+rs6LCkgihJF6nljqcfZ8KKCWw6tgmAu9vdzZhOY6pX05HTcWYytWeJOfp5dhd2V28IHQQtr4QWA80O3uIQjes0ZlTbUby39T1m/jWT3o17V92lYVoNM5P03T8VmaQbhsGxvHXS/TWSLiIXIdAnv3lchoMjqebSTsLPE83GnwAeDWDQ8xB+O1iraUVgniXRS5i8ajJZ9izC6oUxZ+Ac/D39HR2WVCAl6SK12J6TexizdAxxqXF4OnvyUq+XGNh0oKPDKpmUeNj5Pez4Dg6sAYwzz/k0NZdQCbsSmvaEmr6GezVyd7u7WRi5kCOpR/h4x8c80PEBR4dUtFb/gt+nmMv0pJ8Cd59CTydn5JCenQuocZyIXJxAH/N3yNEkjaSX2b7f4fuHISUOsEC3e6D/5BrxxvxnOz9jxl8zAOgf3J/pvafXnCa+cl5K0kVqqT8P/8kTK54gLSeNZl7NeHPAm4R4V/F5WqnHYdci2P6tuVSaYT/zXOOu0OoqMzn3baW55VWUh7MHj3d9nCf/fJK52+dya9itVXPt9IYtoGEYHN8Dkb+f00AuPq/U3dvdGTfnGrYcoYhUqvwO7xpJL4OsVPj1Wdj4kflxw5Zw3bvQuItj4yoHhmEwe/NsPtpuvrbbWt3GxG4Ta94SuFIkJekitdBXe77ipfUvYTfsdPfvzmv9XsPb1dvRYRUt7STs+sEcMY/+E4zcM8817gJtr4M2w6ttl9baaGizoczbPo9dJ3fxxe4veDD8QUeHVLRWw2DVniKXYovLn4/upfnoInJxNJJeRoc3wrf3w8ko8+MeD5jl7c7uDg2rPNgNO/9e92++2Wt2pR/baSz3tr9XDeJqESXpIrWIYRh8sO0D/vP3fwC4rsV1PHvpszhXtXLwjGRzxHzHd+Ycc3vOmecCws3EvO1ws8GXVDsWi4W729/NEyueYP7u+dzZ9s6qWbrXahises0so8zJBKczCXn+fHSVuovIxcofST+apJH0ErHb4c9XzVU4jFyoGwjD34bm/R0dWbnItecyZc0Uvo/6HqvFynOXPscNLW9wdFhSyZSki9QSdsPOzI0zCzq439/hfsaEj6k678rac801zCO+MEcuc876Z8W//ZkR8wbNHRailJ8rmlxBcN1gDp0+xHeR3zGy9UhHh3SuwM5Qx9+c4xi90mxAmKegs7uSdBG5SIF5SfrJ1CwysnM1haY4aSfN0fPI38yP298EV70K7vUcG1c5ybHnMHnVZBZHL8ZmsfHS5S8x7JJhjg5LHEBJukgtYDfsvLjuRb7e+zUAT3Z7kv9r838OjipP/G7Y8jls/QpOHz2zvWFLaH+zOWLeMNRh4UnFsFltjGo7in+v+zcf7/iYm8NurnorClitZp+DjXPNN47OStLj8ka8/JWki8hF8nJ3wsPFRlpWLkeTMghp6OnokKqmo1thwUg4dRCc3OBfb0D4bY6OqtzYDTvPrX6OxdGLcbI4MaPPDAY3G+zosMRBqvd6BCJyQWcn6FaLlRd7vej4BD3tJKx/H97vB2/3gNWzzQTdvR50uw/uWwoPb4C+TyhBr8GubXEtDdwaEJcax8/RPzs6nKK1yhvB2LMYjDMrCBzTnHQRKScWi4WAvKUctVb6eexZAnOHmgl6vWZw7+81KkE3DIOX1r3ED/t/wGaxMbPvTCXotZxG0kVqsKIS9KubX+2YYAzDXCpt0zxz6bTcLHO71QlCB0PH26DlkELzfqVmc7W5cnub25m9eTb/3fFfrr7k6qoz/SJfs97g5A4pxyB+FzRqA6jcXUTKV6CPO1EJqUrSi7L+PVgyyVzR5ZL+cNO8GlPeDmaC/vqm1/lq71dYsPDy5S9Xn+VwpcIoSRepoQzDYNbGWXy992ssWByXoKedhC1fwqaPzeWs8vl3gPAR5nwyz4aVH5dUCTe1vIl3It5hb+Jedp7YSduGbR0dUmFOrtC0J0T9YTYxLEjSzcZx/t5K0kXk4uWPpKt53FkMA36fYlbbAXS+A4a9BlWt2e1F+u+O/zJvxzwAnrvsOa665CoHRyRVgZJ0kRpq7va5fLLzEwBe6PVC5SbohgGHNpij5ju+O9MEztnTXMqq610Q2Kny4pEqy9vVm4FNBvJzzM98F/ld1UvSAS7paybp0SvgsofItRskpKi7u4iUn0Cf/A7vGkkHzA7uPz8Jf31gfjzwObh8PFS1aquLtCR6CbM2zQJgfJfx3NjyxgscIbWFknSRGujbfd/yxuY3AJjQdQLDWwyvnAtnpcHWL2HDBxC/88z2Ru2h6yizEZybV+XEItXG8BbD+TnmZxZHL+aJbk/gaqtiUx5C+pr3MasgN5sTqbnk2g2sFmhYp4rFKiLVUn6H9yOnNJKOPRcWPQIR8wEL/Ot18839GmZj3EaeXvU0ACNajWBU21GODUiqFCXpIjXMqthVTF07FYC7293NnW3vrPiLno4zE/ONcyH9pLnNyR3a3WD+YW3cpca9+y3lp0dAD/w9/YlLjWPZwWUMDRnq6JAK8+9gzn9MT4TYzcRZwwDwreuKzarvaxG5eAE++eXutXwk3W4/k6BbbDD8Heh4i6OjKncHkg/w6LJHybZnM7DJQJ7s9mTV68kiDqXu7iI1yL7EfUxYMQG7Yefa5tcyrvO4ir3g0a3w3QPwejtYOdNM0H2awpBp8PhuGP4WBHVVgi7FslltXNP8GgC+i/zOwdEUwWqFkD7m4/3Lz8xHV6m7iJSTgLyR9KO1eSTdMMwGcfkJ+o1za2SCnpKVwtilY0nOSqZDww5M7z0dm9Xm6LCkilGSLlJDnEg/wSNLHyE1O5Wujboy5bIpFfOurN0Oe36Gj/8F7/WGLV+APRuCL4WbP4Wxf8NlD4G7T/lfW2qs4c2HA7D2yFriUuMcG0xRLuln3kevIC6vs7ufknQRKSeBeSPppzNzSM7IdnA0DrL037DhPcBijqC3He7oiMqd3bAzaeUk9iftx8/Djzf6v4Gbk/6WyLmUpIvUAFm5WYxbNo7YlFia1G3C6/1ex7m8u59mZ5gd2t/qBl/cCjErzXe6290A9y6Fe36BNteA3g2WMgj2CqZro64YGCyKWuTocM6VPy/90AZOJiYCGkkXkfLj4eKEt7v5d7tWjqavewdWmg3UGDarRo6gA8z5ew4rDq/AxerC7P6z8fXwdXRIUkUpSRepAV7961UiEiKo61KXOQPn4OPmU34nz0iCVa/D7A7ww6NwIhJcvaHnWBi31SxHC+pSfteTWuvaFtcCsCRmiYMjKUL9S8C7Cdiz8Ty6AYBGXmoaJyLlJ38ZtiO1bV76zkWw5Cnz8cAp0O0ex8ZTQZYfWs4H28xu9c/3fJ52Dds5NiCp0tQ4TqSa+3H/j3y550sApveeToh3SPmc+HQcrHsbNs6DzGRzm1djuOxhc61S17rlcx2RPP2D+2Oz2NiXuI/Dpw8TVDfI0SGdYbHAJX3g788ISFwPXK/l10SkXAX6uLM77nTtGkk/tAG+vQ8woNu9cPljjo6oQsSmxDJ51WQARrYeWbnL4kq1pJF0kWpsb+Jepq4xO7nf3+F++gT1ufiTHo80O6u+0R5WzzYTdN9W5vywsRFmkq4EXSqAt6s3nRt1BswRhyrnkv4AtEzdDGiNdBEpX4G1rcN7Yow5fS4nA1peCUNn1MhGs9m52UxYPoHkrGTaN2zP410ed3RIUg1oJF2kmkrLTuPx5Y+TkZtBz8CePNTxoYs74eFNsPp12PUjYJjbgntAr3HQcqjZ4VqkgvUL6sdfcX+x7NAybm9zu6PDKaxpTwAusUfjSTr+3krSRaT8BNSmtdIzU+CLEZB2AgLC4caPwFYz05LXNr3G9hPb8XLxYmbfmeXfM0hqJP3XLVJNzfhrBjHJMfh5+JV9+Q7DgP3LzU7tHw6AXT8AhpmU37UE7vkVWl2lBF0qTf9gc7R607FNJGUmOTiaf/AKxO7dBBsGnayRNKqrJF1Eyk+tGUm322HhgxC/A+o0gtu+ABdPR0dVIVYeXslnuz4D4KXLXyKwTqCDI5Lqoma+ZSVSw/0a8yvf7vsWCxam955OPbd6pTuBYUD0Clg+HQ6uNbdZnaD9TWZDuEZtyj9okRII9gqmhU8LIk9FsjJ2Jf+65F+ODqmQNP+u1Ek6yGVOe/Fy159QESk/+VNo8pd5rLFWzoRdi8DmArd8Bl41M3E9mXGS59Y8B5jz0PsF93NsQFKtaHhMpJqJS43j+bXPA3BP+3vo5t+t5Afnj5zPuxI+udZM0G2u0P1+c775de8qQReHyx9Nr4rz0hPqmXPmL3Xah6UGzp0UEcfJL3ePS8rAMAwHR1NBdv8Ey14yHw97DYK7OzaeCmIYBlPXTOV4+nGaezdnXOdxjg5JqhkNA4hUI3bDzjOrnuF01mnaNWjHQ+GlmId+6C/47Tk4uMb82OYKXUbB5eNq7LvYUj31C+7HB9s+YFXsKrJys3CxuTg6pAIxHu0JAdoaeyE3p8bOoRSRyuefN5KelpXL6cwcvNxq2Nzl+F3w7f3m4+73Q+f/c2w8Fei7yO9YemgpTlYnpveZjpuTpkdJ6WgkXaQa+XrP16yPW4+bzY3pfabjbC3BH/Ckw/C/e+GjQWaCbnMx/zg+GgFXvaIEXaqcdg3b0dC9IanZqWyM2+jocAqJIohkwwM3IwOObXd0OCJSg7i72PByM9/4O5ZUw0re007CF7dBVgo06w1DXnZ0RBUmLjWOV/56BYBHOj1Cq/qtHByRVEdK0kWqidiUWGZtmgXAuC7jaOrVtPgDslJh2TT4T1fY9jVggfDbzbL2q15Vci5VltVipW9QXwCWH17u2GD+IS45i032UPODg+scG4yI1Dj5Je9Ha1KSbs81BwsSo8G7Cdz0X6ihHc4Nw2Dq2qmkZqfS0bcjd7a509EhSTWlJF2kGjAMgylrppCek05nv87c1uq24naGrV+byfmK6ZCTDk0ug/uXwfC3wLtx5QUuUkaXN74cgPVH1zs4ksKOnc5koz3M/OCQknQRKV+NvGtg87iVr0HUH+DkDrd9Dp4NHB1Rhflh/w+sil2Fi9WFF3q9ULaVd0TQnHSRauGbfd+w/qhZ5v5CrxewWs7z/lriAfhxHEQtNT/2bgKDX4A2w0FNrqQa6ebfDQsW9ift51jqMRp5NnJ0SIBZgppgtDQ/OLjefFNMP1siUk4C8ual15hy9+g/YXleafu/XgP/9o6NpwIlpCUwfcN0AB4Mf5BLvC9xcERSnWkkXaSKO55+nNc3vQ6Yc5uKLHO358K6d+Hty8wE3eYK/Z+BMX9B2+uUREi14+3qTesGrQHYELfBwdGccex0BhH25tgtTnD6CCQdcnRIIlKD5I+kH60JI+kp8WaZu2GH8JEQPsLREVWo6RumczrrNG0atGFU21GODkeqOSXpIlXc65te53TWaVrXb83I1iPP3SF+N8wdCksmQnYqNOkJD66Bvk+As7qJSvV1acClAKw7WjXKyg3DIC4pgwxcyfbLGw06WLXK8UWkevOvKSPp9lz49j5IOQa+reGqmY6OqEKtjl3Nrwd+xWaxMbXnVJysKlaWi6MkXaQK+yvuLxZFLcKChWcufabw3CZ7LqycBe/1hsMbwKWuueboqJ+gYQvHBS1STnoE9ADMeelVYc3gpPRsMnPsANiamm8gcHCtAyMSkZomIH8kvbon6X/OhP3LwdkDbvoYXDwcHVGFycjJ4KX15trvI1qPUDd3KRdK0kWqqOzcbF5aZ/7Sv7HljXTw7XDmyZQE+OwG+OMFyM2C0CHw8Drodg9Y9WMtNUMnv044W505lnaMA8kHHB0Ox5IzAfDxcMYpP0k//JcDIxKRmqZR/kh6dS53378Clk8zHw97DfxqdtL60faPOHT6EH7ufjwc/rCjw5EaQv/Ni1RR83fNJyopivpu9Xm086NnnoheCe9eDvuXmZ1Sr30LRiwA7yDHBStSAdyd3An3CweqRpf3o0npQF45alBXc+OxHZCV5sCoRKQmyR9JP5GaRWZOroOjKYPTx8x56BjQ6XYIL2Y1mhrgQPIBPtr2EQBPdn8ST2dPB0ckNYWSdJEq6GTGSd7b+h4A4zqPw9vVG+x2WPEqfHINpMSBbytzWbVOt6sxnNRYPfzzSt7jHJ+kHzlljmw19nEHr8ZQxx+MXDi6xcGRiUhN4ePhjIuT+e95fF71TrVht8N3oyE13pyHfuWrjo6owr3y1ytk27PpFdiLwU0HOzocqUGUpItUQW9HvE1Kdgqt67fm2hbXQupx+Ox6WPbimS6p9y0Fv9aODlWkQuXPS98QtwG7YXdoLLGnzBHzQB93842x/NH02E0OjEpEahKLxVIwml7t1kpf99aZKr+b/1uj56GD2Szuz8N/4mRxYmL3iVg0YCLlSEm6SBUTdSqKb/Z+A8AT3Z7AemwnvN/vrPL2t2H42+Cikiqp+do1bIensydJmUnsPrnbobHEJprl7o3ruZsbGnfJe2KjgyISkZoof156tWoedyQCfp9qPh46DXzDHBpORcux5/DqX2alwG2tbyPEO8TBEUlNoyRdpIqZuXEmuUYuA5sMpNupePhosLkWc/3meeXtRSzDJlJDOVmd6NrIHLH+K86xTdryy90Dff6RpB/WSLqIlJ9qtwxbVir87x6wZ0Orf0GXUY6OqMJ9tecropKi8HH1YXSH0Y4OR2ogJekiVciaI2tYFbsKJ6sT4y2+8OVIc+3zkL5w7+8qb5daqXOjzgBExEc4NI7YU3kj6flJemAnwAJJByEl3nGBiUiNUu2WYVsyCU5EQt1AuOY/Nb5PTlJmEm9veRuAMeFjzL5BIuVMSbpIFWEYBm9ufhOAW92CabL8FcCArvfA7f8Dj/qODVDEQTr6dgRgS8IWh62XnpNrL5gfWpCku3mZDRxB89JFpNxUq2XYdiyEzZ8AFrj+vVrxv8oHWz8gKTOJFj4tuKHlDY4OR2ooJekiVcTSg0vZcWIHHli5b9dKc+MV/4Zhs8Dm7NjgRByobYO2OFmcSEhP4GjqUYfEcOx0Jrl2A2ebBb+6rmeeKCh517x0ESkf1aZxXNJh+GGs+fjyxyCkj2PjqQRHU47yxe4vABjfZTxOVicHRyQ1lZJ0kSog157LfzbPBuD/EhOpjw2u/xB6ja3xZWMiF+Lm5Ear+uaItaNK3o/klboHeLtjtZ71Mxmk5nEiUr4a5SfpVbnc3Z4L394PGUnmm5X9n3Z0RJXirYi3yLJn0c2/G5c3vtzR4UgNpiRdpApYvPdbopKj8crN5c60HBj5NXS4ydFhiVQZHf3OlLw7Qn5n90Aft8JPNM5fhm2zuUawiMhFyh9JP5acgd3umCk+F7T6DTiwGlzqwA0f1oqKv72Je1kUtQiAxzo/piXXpEIpSRdxsOzUE7y17iUA7knJpO7t30Lz/g6OSqRqyZ+XHpEQ4ZDrn2ka9491f/3amEsjZiabjZNERC6Sbx1XrBbIsRscT810dDjnOroVlk0zH1/5CtS/xLHxVJI3N7+JgcEVTa+gvW97R4cjNZySdBFHykzh+wXXEmvJpWGunduGfwpNLnV0VCJVTrhvOAB7T+4lPSe90q9/Jkn/x0i6zQkCw/N2Usm7iFw8J5uVhnXM3hfHkqpYkp6dYZa55y+3Fj7C0RFVir/j/2bF4RXYLDbGdhrr6HCkFlCSLuIoWWlkf3ELH9pPAHB36//DvUlPBwclUjX5e/rj5+5HjpHDjuM7Kv36+eXujeu5n/ukmseJSDmrss3jlv4bEnaBpx9cPbvW9M2Z8/ccAIa3GE4z72aODUZqBSXpIo6QkwlfjmDx8b+JdXaivnNdbuz2qKOjEqmyLBZLwbx0R5S85zeOC/QpKkk313HnaETlBSQiNVr+MmxxSZVfOXReMatg7Vvm42v+A54NHRtPJdlwdAMb4jbgbHVmdIfRjg5Hagkl6SKVzW6H70aTu38ZH/r4AHBH+3twdyrin38RKXD2eumVyTCMs8rdi/g5Dexk3sdth5ysSoxMRGqq/JH0o1Wlw3tGMnz3IGBA5zsgbKijI6oUhmHwVoT5xsQNoTcQUCfAwRFJbaEkXaQyGQYsmQQ7vuOXOnWJcbbh7erNra1udXRkIlVeQZIevwXDqLyOx0np2aRl5QLnGUmvFwJu3pCbaZaBiohcpEYFHd6ryJz0JZMg6SD4NIUhLzs6mkqz9shaNsdvxsXqwr3t73V0OFKLKEkXqUyrXoMN72EHPghuCcDtrW/H09nTsXGJVANtGrTB2epMYmYih04fqrTrHs6bj96wjgtuzrZzd7BYzoymH/m70uISkZqrUV0zSY8/XQVG0nf9CBHzAQtc9x641nV0RJXi7FH0m8NuppFnIwdHJLWJknSRyrLjO/jjBQD+vPwBIjMSqONchxGta0dnVJGL5WJzoXWD1kDllrwXOx89X0B43s5K0kXk4uXPST/m6MZxKfHwQ143816PQtPLHBtPJVp7ZC1bj2/FzebGPe3vcXQ4UssoSRepDLGb8+ZyAZc+zLzsOABuCrsJLxcvBwYmUr20a9AOgJ0ndlbaNYudj55PI+kiUo4aeeUtwebIcnfDgEWPQNoJaNQO+j/tuFgc4L2t7wFwY8sbaeheO5rkSdWhJF2koiUfgS9HQE46hA5ma6eb2Ry/GSerEyNbjXR0dCLVSpsGbYDKTdJLNJKen6Qf22mu3iAichH88kbSk9KzycjOdUwQm/8Le5eAzQWu/wCcXB0ThwNsjNvI5vjNOFudGdV2lKPDkVpISbpIRcrJhC9Hwumj4NsKbviI/+76FICrQq7S/CaRUspP0nef3E2uvXL+cS3RSLpPE3CvD/ZsOFb567iLSM3i5eaEm7P5b3q8I0bTT0TBkryR84FToFGbyo/Bgd7f+j4A17W4Tv+riUMoSRepSD9PhCObwb0e3PYlh7KT+P3g7wDc2fZOBwcnUv2EeIfg7uROWk4aB5IPVMo1YxNLMJKu5nEiUo4sFsuZeemV3TwuNwe+Gw3ZqdCsN1z6UOVe38G2Jmxl7dG12Cw27m5/t6PDkVpKSbpIRYn4HDbNAyxw/YdQP4RPd36K3bDTK7AXLeu1dHSEItWOk9WJsHphAOw4UTkj1rGnzH+Qg+oVk6SDknQRKVf5Hd4rvXncqtfh8F/g6g3D3wFr7UoXPtj6AQD/uuRfNK7T2MHRSG1Vu37qRCpL3Db48THzcb9JEDqIpMwkFkYuBGBUu1EOC02kuqvMeekZ2bkcTzFLTYsdSYezkvSIig1KRGoFP0c0j4vdDCumm4+HzQSf4Mq7dhUQdSqK5YeXY8Giju7iUErSRcpbVip8PQpyMqDFFdDnSQAWRi4kPSed0Hqh9PDv4dgYRaqxtg3bApWTpOePYLk5W6nn4Vz8zvlJevxOyE6v4MhEpKbLL3ePr6yR9Kw0+PZ+sOdA2+ug/U2Vc90q5L87/gvAwCYDCfEOcXA0UpspSRcpb0smwYlIqBsI178PViu59ly+2P0FACNajcBisTg4SJHqq019cyR918ldFd48LuG0OYLlW9f1wj+3XoHg6QdGLsRtr9C4RKTmO7MMWyUl6b89Byf2QR1/GPaa2WujFklIS+DH/T8C6hskjqckXaQ87VgImz/BnIf+PnjUB2Bl7EpiU2LxcvFi2CXDHBqiSHWX3zwuPSe9wpvH5Ze6N6xTgqWHLBYIDDcfa166iFykgsZxlVHuvutH+Muci83wtwr+f6lNPt/9Odn2bDr5dSLcL9zR4UgtpyRdpLwkHYYfxpqPL38MQnoXPPX5rs8BuD70etydLjCvVUSKZbPaaFW/FVDxzeMSUrIA8C1Jkg4QEG7ex22pmIBEpNY4k6RX8Eh64gH4Pq+De89HoMWgir1eFZSWncaCPQsAjaJL1aAkXaQ8GAZ8/zBkJEFgZ+j/dMFT+5P2s/boWixYuCXsFgcGKVJzVFbzuPxy94Z1S5qkdzDvjypJF5GLUylJem42fHO3+f9L464w4LmKu1YV9l3kd5zOOk1Tr6b0C+rn6HBElKSLlItNH8P+5eDkBjd8CLYzDaa+2GXORe8b3JegukGOiU+khqmsJL1U5e4AAR3N+/hdkFOJHZlFpMbxy3tzMDUrl5TMnIq5yO/PQ+xGc7m1G+eCk0vFXKcKy7Hn8OnOTwG4o80d2Kw2B0ckoiRd5OKdOgS/Pms+HvgcNGhe8FRadho/7P8BMBvGiUj5aNvA7PBe0c3jjp/VOK5EvIPBzcfsjhy/q8LiEpGaz9PVibquTkAFjaZvWQBr55iPr50D9ZqW/zWqgd8P/E5sSiz1XOtxTfNrHB2OCKAkXeTiGIY5Dz3rNAT3gB4PFHr65+ifSc1OpalXUy4NuNRBQYrUPM28mhU0j4s8FVlh10nIG0n3rVPC0SWL5cxoukreReQi+VVUh/fYzbDoEfNx78ehTe1MTg3DYN6OeQDc1uo23JzcHByRiElJusjFiJgPUUvNMvdr34J/lEh9vfdrAG4MvVHLromUI5vVRudGnQFYc2RNhV2n1OXucGZeetzWCohIRGqTM2ull+P0mdPH4MuRkJsJLa+E/s+U37mrmY3HNrLzxE5cba7c2upWR4cjUkBJukhZpZ08U+be7yloGFro6Z0ndrLjxA6crc5c06J2vkMtUpF6NzZXUFgVu6pCzm8YBsdP53V3L2m5O5zp8K6RdBG5SOXePC47AxaMhNNHoGGYuVystfamAx/v+BiA4S2GU8+tnmODETlL7f2pFLlYvz0H6SfBrw1c9vA5T3+z9xsABjUZRH232rfeqEhFu7zx5QBsjt9ManZquZ8/NSuX9GxzvnvpRtLzyt3jtkMFzpcXkZrvTLl7OYykGwb88Cgc/svsnXHbF+DmdfHnraaiTkXx5+E/sWDhjjZ3ODockUKUpIuUxcF18LfZCZR/vV6omztAanYqP+3/CYAbW95Y2dGJ1ApNvZrSpG4Tcuw5rDu6rtzPn980zt3Zhmde86YSqd8cnD0hJx2O7yv3uESk9mhUN28k/XQ5jKSvfgO2fgkWG9z830KNbmujT3Z+AsDAJgNp4tXEwdGIFKYkXaS0crPhx/Hm407/B03ObQj3c/TPpOWk0dSrKd38u1VygCK1R/5oekWUvOfPRy9VqTuYpaP+7c3HKnkXkYtwZk76RSbpuxfD71PNx1fOgEv6Xdz5qrlTGacKBlPuaKtRdKl6lKSLlNZfH0H8DnCvD1e8UOQu/9v7P0AN40Qq2tlJumEY5XruhNP5TePKsG6wmseJSDloVB7l7sd2wLf3AQZ0vQe631c+wVVj/9v3PzJzM2ldvzXhvuGODkfkHErSRUoj7SQsn2Y+HvgseJw71zwyMZLtJ7bjZHHi6uZXV3KAIrVLN/9uuNpciUuNK/el2MrU2T2flmETkXKQP5Iel5xRtjciU4/DF7dCVgo0622OotdyOfYcFuxZAJjLrmkwRaoiJekipbFiBmScAr+20PnOInf5Pup7AHoH9aaBe4NKDE6k9nFzcqOrf1eg/EveE1LK0Nk9n3/eSPrRrWazJhGRMsj//ZOVYycpPbt0B+dkwYL/g1MHoV4I3PzJOT10aqMVh1ZwNPUoPq4+XBlypaPDESmSknSRkjq+D/760Hw85KVz1kQH893ZH6J+AODaFtdWZnQitVb+UmwrY1eW63nPlLuXIUn3bQU2F8hMgsSYco1LRGoPN2cb9TzMxLrUJe+/PgMH14CrF4xYUGT1X230+e7PAbgh9AbcnNwcHI1I0ZSki5TUr8+APQdaXgnN+xe5y+rY1ZzIOEF9t/r0CepTyQGK1E75SfpfcX9x5893svzQcuyG/aLPW1DuXpaRdCcXc3lGMJc7EhEpozKtlb7jO9jwnvn4+vfBN6wCIqt+9iXuY0PcBqwWK7eE3eLocETOS0m6SElE/wl7l4DVCQa/eN7dFkYuBGDYJcNwtqqkTKQyNPFqwgMdH8DJ6sTm+M08svQRRi0ZxcmMkxd13oLu7mUZSQe4pK95H7X0ouIQkdrNr7RJ+vFI+P4R83GvcRCmku58X+z+AoABwQMIqBPg4GhEzk9JusiFGMaZZUu63AUNWxS5W2JGIssPLwfg2uYqdRepTA+HP8wvN/zCXe3uwtPZk7/j/+b/Fv8fh5IPlfmc+eXuvnXL0N0doMUg8z7yD7Bf/Mi+iNROjfKqeeJPl6DcPTsdvroDsk5D014w4NkKjq76SMpM4sf9PwIwovUIB0cjUjynshxkt9uJjIwkPj4e+z/+8ejTRyW+UsPsWQyxG8HZA/o8cd7dFkcvJseeQ+v6rQmrr7Iykcrm5+HH+C7jGd5iOA/+9iAHTx/k9p9v5+2Bb9O2YdtSncswjIvr7g4QfCk4e0JqPBzbdqbju4hIKZSq3P2PF8xlYj194ca5YCvTv/o10sLIhaTnpNPCpwVdG3V1dDgixSr1T+66desYMWIEBw4cOGcpCIvFQm5ubrkFJ+Jw9lz449/m4x4PQN1G591VDeNEqoZLvC9h/rD5PPT7Q+w6uYsxS8fwv2v+R323kjdNSs3KJSPbfBO6zEm6k4tZ8r5nMUT+riRdRMrkzFrpF0jSo/+EdW+bj4e/A3X9Kziy6iPXnsuXu78EzFF0LbsmVV2py90feOABunbtyvbt2zl58iSJiYkFt5MnL27+n0iVs+1rSNgFbt7Qa+x5d4tJimHHiR3YLDaGNhtaiQGKSFEaujdk3tB5XOJ9CcfTj/Pc6udKtcZwfqm7h4sNT9eLGIlqMdC8j/yj7OcQkVrtzJz0YsrdM5LguwfNx13ugtArKiGy6mNV7CoOpxymrktdhoUMc3Q4IhdU6iR93759vPzyy7Ru3RofHx+8vb0L3UrrrbfeolmzZri5udGjRw82bNhQ7P6nTp3i4YcfJiAgAFdXV1q2bMnixYtLfV2RC8rNhmUvm497PQru9c6760/RPwFwaeClWhtdpIrwdPbklT6v4Gx1ZsXhFSzYs6DEx150qXu+5nlJ+qH15j/RIiKllF/uHl/cSPrPkyD5sLkeejENbmur/GXXrm9xPR7OHg6ORuTCSp2k9+jRg8jIyHK5+IIFCxg/fjxTpkxh8+bNdOzYkSFDhhAfH1/k/llZWVxxxRXExMTwzTffsGfPHj744AMaN25cLvGIFLLlSzh1wJzX1eOB8+5mGAY/7TeTdL07K1K1hNUPY3yX8QDM3DiTfYn7SnTc8YKmcReZpNcPgfrNzeUbo/+8uHOJSK2UX+4efzoTu72IiqB9v8OWz8FiheveBdc6lRxh1RadFM2aI2uwYOGWVlp2TaqHUtfwPfLIIzz++OPExcXRvn17nJ0LLzPVoUOHEp/rtdde47777uOuu+4C4N133+Wnn35i7ty5TJo06Zz9586dy8mTJ1mzZk3BdZs1a1balyByYbk5sHKW+bjnWHDxPO+u245v49DpQ7g7uTOwycBKClBESmpk65GsPrKaVbGrmPHXDD4c/OEFj0koGEkvY2f3s7UYBBuizJL31ldf/PlEpFZpWMcViwVy7AYn07IKV/hkpcJPj5mPezwITS51TJBV2Fd7vgKgb1BfgusGOzgakZIp9Uj6DTfcwK5du7j77rvp1q0b4eHhdOrUqeC+pLKysti0aRODBg06E4zVyqBBg1i7dm2RxyxatIjLLruMhx9+mEaNGtGuXTtefvnlYpvVZWZmkpycXOgmckHb/weJ0eDRALreXeyu+aPo/YP7q4RKpAqyWCw8e+mzOFmcWH90PVsTtl7wmPyR9Isud4fCS7GVYl68iAiAs81KA0/zd1Fc0j9K3pdPh1MHwTsY+j/tgOiqtvScdL6P+h5Ao+hSrZQ6SY+Ojj7ntn///oL7kjp+/Di5ubk0alS4W3ajRo2Ii4sr8pj9+/fzzTffkJuby+LFi3n22WeZNWsWL754/rk306ZNKzRnPjhY76DJBdhzYeVM8/FlDxdbNpZjz2FJzBIAhl2iUneRqiqwTmDBz+iH20oykp4FlEO5O0Czy8HmCkkHIWHPxZ9PRGqdMyXvZyXpR7fC2rfMx1fNVJl7EX6J+YXTWadpXKcxPQN7OjockRIrdZLetGnTYm8VyW634+fnx/vvv0+XLl245ZZbmDx5Mu++++55j3nqqadISkoquB06dKhCY5QaYOdCOL4X3Hyg233F7rru6DpOZpyknms9Lgu8rFLCE5Gyuaf9PViwsOzQMvYm7i1234TyHEl38TCXYgPY/ePFn09Eap1G/+zwbrfDj4+BkQttroUwrSxTlK/3fA3AjS1vxGopddoj4jBl+m6NiorikUceYdCgQQwaNIixY8cSFRVVqnM0bNgQm83GsWPHCm0/duwY/v5Fr+sYEBBAy5YtsdlsBdtat25NXFwcWVlZRR7j6uqKl5dXoZvIeRkG/Jk3F/3Sh8Ct+O+Xn6N/BmBws8E4W52L3VdEHCvEO4QrmprLEn207aNi9y237u75WuVV2uz+qXzOJyK1yjlrpe/4FmI3gksdGDrDgZFVXbtO7GLr8a04WZ0Y3mK4o8MRKZVSJ+m//PILbdq0YcOGDXTo0IEOHTqwfv162rZty2+//Vbi87i4uNClSxf++OPM2rF2u50//viDyy4rekSyV69eREZGYrfbC7bt3buXgIAAXFzKobmPSOTvEL/D/KPX4/5id83KzWLZwWUAXBlyZWVEJyIX6d729wKwJGYJh5LPX1mVn6SXS7k7QNhVgAWObIak2PI5p4jUGoVG0nMy4Y8XzCd6PQpeAQ6MrOr6eq85ij6oySAaujd0cDQipVPqJH3SpEk89thjrF+/ntdee43XXnuN9evXM27cOCZOnFiqc40fP54PPviA//73v+zatYsHH3yQ1NTUgm7vd9xxB0899VTB/g8++CAnT57k0UcfZe/evfz000+8/PLLPPzww6V9GSJFWz3bvO8yqth10QHWHFnD6ezT+Ln70cmv5E0TRcRxWjdoTe/GvbEbdr7Y80WR+xiGcSZJL6+R9Dp+ENzDfLxncfmcU0RqjUJrpf/1oblEbB1/s3eOnCMlK4Uf95vTi24Ou9nB0YiUXqmT9F27dnHPPfecs/3uu+9m586dpTrXLbfcwsyZM3nuuecIDw8nIiKCJUuWFDSTO3jwIEePHi3YPzg4mF9++YW//vqLDh06MHbsWB599NEil2sTKbXYTRCzEqxOZqn7BeQ3jBvcbLDmOYlUIze2vBEwGwrZDfs5z6dn55KRbW6v51mO01gKSt41L11ESie/3D0l6TiseMXc2P/pYpeIrc1+2v8T6TnpNPNqRtdGXR0djkiplXqddF9fXyIiIggNDS20PSIiAj8/v1IHMGbMGMaMGVPkc8uXLz9n22WXXca6detKfR2RC1r9pnnf/ibwblzsrhk5GQWl7kOaDanoyESkHF3e+HLqOtclPi2ev+P/pkujLoWeT0zLBsDJaqGOa6n/TJ5fq2Hw27MQswrSEy9YrSMiks+vrjmSflXSl2A/Bb6tIXykY4OqogzDYMHeBYA5im6xWBwckUjplfq/j/vuu4/777+f/fv307OnuZTB6tWrmTFjBuPHjy/3AEUqxYko2LXIfNzzkQvuvjp2NWk5afh7+tPBt0MFByci5cnF5sKAJgP4Pup7fo7++dwkPdVsROrj4VK+/9w1aA5+bSB+J+z9FTpqzV4RKZlGXm7UI5mbcn8GCzDoebCV45uINciWhC3sS9yHq82Va5pf4+hwRMqk1DW6zz77LM899xz/+c9/6Nu3L3379mXOnDk8//zzPPPMMxURo0jFW/sWGHYIHQyN2l5w9/xS9yFNh6jUXaQaym/2+NuB38ix5xR67lTeSHr98ix1z6eSdxEpgwaeLtzt/Cselkyy/TpAS1XxnU9+w7ihzYbi7ert4GhEyqbU2YXFYuGxxx7j8OHDBWuPHz58mEcffVTlJFI9pSfClrwGUiUYRU/PSWfF4RWASt1FqqvuAd3xcfXhZMZJNsRtKPRcYtqZkfRyl5+kR/4O2Rnlf34RqZGs2SncafsFgNh2D4D+5y5SUmYSS6LNgRQ1jJPq7KKGAOvWrUvdunXLKxYRx/j7M8hOA7+20Kz3BXdfeXgl6TnpNK7TmHYN21VCgCJS3pytzgVrpv8S80uh507lJen1PCpgJD0gHOoGmL9zDq4t//OLSM20cS5epBJlD2Bv/X6OjqbK+j7ye7LsWbSq34r2Dds7OhyRMitRkt65c2cSExMB6NSpE507dz7vTaRasefChg/Mxz1Gl+id6d8P/g7AFU2vUPWISDV2dsl7dm52wfb8xnH1KmIk3WKB5gPMx1F/lP/5RaTmyc4wp+UB7+Rew7HT2Rc4oHYyDKOg1P2mljfpfzSp1v6fvfsOk7Su8r//rtw5d3WajpNzDjDkIUcDgmlh0VVXxVUxLc+uAbMupp9hVQQxgIKALoKAMMQZmJzz9HTOOafqqnr+uLtqZpjU1VPVFfrzuq6+quiuu+qQeurUOd9zxjVx4pZbbsHhcPjv6z96iRlHXjB2jcalGVPdz2HEPcLrda8DsK5oXYiDE5FQWuZcRnZ8Nq2DrbzV+BaXTLsECHG7OxhJ+q5HoPxluDo0LyEiMWTXI9DXTJcth/8bWktuz3C4I4pIW5u2UtVTRYI1gRvKbgh3OCLnZVxJ+le/+lX//a997WuhikVk8m35lXG77A6wJ5zz4ZsaN9Hv6scZ79RUd5EoZzFbuLzwch4/8jhvNrzpT9K7/JX0ELS7w1gl3QQt+6GnAVLyQ/M6IhL9vF7Y9L8A7Cn6F1z7rTT3aJ7F6Tx22Fi7dmPZjSTatD9eolvAZ9LLyspob28/5ftdXV2UlZUFJSiRSdFyCCpeBZMZVv7buC55qdpodb+i6ApNdReJAWvy1wCwqWGT/3ud/jPpIaqkJ2RA/lLj/rGXQ/MaIhIbKl6F9qNgT6ZtptHx19yrSvrbtQ228XKN8ftUA+MkFgScZVRVVeF2u0/5/vDwMHV1dUEJSmRSbB07iz77ekgvPufDRz2jvFL7CgBXFl8ZyshEZJKsyl2FCRPHuo/RMtACHD+TnhaqSjrAjLHjMuU6ly4iZ+Gbm7PkfWRmZALQokr6Kf569K+MekdZlL2I2Rmzwx2OyHkbV7s7wNNPP+2//8ILL5CaenzvoNvtZv369ZSWlgY3OpFQGemHPY8b98dZRd/evJ2u4S7SHGksz1kewuBEZLKkOlKZmzmXA+0H2Ny4mZum33R8untiiCrpADOuhNf/BypeMQZYmi2hey0RiU5dNXDkOeP+yn8jx23Mh1K7+8ncHjdPHHkCgNtn3x7maESCY9xJ+jve8Q7A2JN+5513nvQzm81GSUkJP/jBD4IanEjI7HsKhnsgvRRKLx3XJb5W98sLL8dqHvf/OiIS4dbkreFA+wE2NW7ipuk30dkfwhVsPgUrwJEKg53QsAum6YM/EXmbbQ+B12O8T8meTe7YB4idAy6GR904rPpwD2Bjw0Ya+htIsadwdbGmcUpsGHe7u8fjwePxUFRUREtLi/+vPR4Pw8PDHD58mBtvvDGUsYoEz/aHjdvld4L53P8beLwe/1kntbqLxJbVeasB2Ny4Gdeom56hUSCE090BLFYoMwbVUf5S6F5HRKKTawh2/N64v+ojAKTG27BbjfcsLZrw7veXw8batVtm3EKcNS7M0YgER8Bn0isrK8nKygpFLCKTo2kv1G8Dsw2WfHBcl+xr20fLYAuJtkTW5K0JcYAiMpmWOZdhN9tpHmhmX2u5//tp8SGspANMHzuXrn3pIvJ2B/4GA+2QMg1mXQcY3aw5KUbLe0uvWt4BGvsaeb3eWI37nlnnXqUrEi0m1LPb39/Pa6+9Rk1NDSMjIyf97D/+4z+CEphIyGz/nXE75wZIyh7XJa/WvgrARQUXYbeEsLomIpMuzhrHEucStjRtYUPdJiCL5DgrVkuINzhMv8K4rdsGw73gSA7t64lI9PBV0Vf8q9F5MyYnOY7ajkGaulVJB3jy6JN4vB5W5a6iNFWzsSR2BJyk79y5k+uvv56BgQH6+/vJyMigra2NhIQEnE6nknSJbCMDsMfYo8nyfx33Zb6p7pcVXhb8mEQk7NbkrWFL0xa2tWwGbgjd+rUTpRdDWjF0VUPNJph5VehfU0QiX/sxqN5orIhd/P6TfuRUJd3P5XHx1NGnAHjPbFXRJbYEXCb47Gc/y0033URnZyfx8fFs2rSJ6upqli9fzv333x+KGEWCZ/9fxwbGlYx7YFxtby3lXeVYTBYuLrg4tPGJSFj4zqUf7NwJeEI7NO5EpWO/Uypfm5zXE5HIt+tR43b6FZBacNKPnMnGmetmnUnn1dpXaR1sJSMug3WF68IdjkhQBVxJ37VrF7/61a8wm81YLBaGh4cpKyvj+9//PnfeeSfvete7QhGnSHD4/uBb+i/jGhgH8Fqt8eZ5Wc4yUh2p53i0iESjeZnzSLYl0+vqxRzXQFpCzuS8cMklsPOPUPkGAF6vl7bBNur76ukc6qRnpIeekR66h7vpGemh39WP2+vG4/VgNplJtCaSYEsgwZZAojWRRFsi6XHp5CbmkpeYR5ojDZPJNDl/LyJy/jzuE96rnDo3JyfFSNK1Kx0eP2ys0n3XzHdhs0zSB6sikyTgJN1ms2EeS26cTic1NTXMnTuX1NRUamtrgx6gSNB0VkH1BsAEi9837st859Evm3ZZCIISkUhgNVtZ4lzCG/VvYImvJiNxdchfc9QzyoHUbPamJHFgtJZDf3sHtf0NDI4OBu01HBYHuYm55CbmUpJSQllqGdPTpjM9bTqZcZlK4EUiTcUr0NsA8ekw+/pTfnx8cNzUrqRX91SzqXETJkzcOuvWcIcjEnQBJ+lLly5l69atzJw5k0svvZSvfOUrtLW18Yc//IEFCxaEIkaR4Nj9Z+O27LJT2sfOpHu4m23N2wBjP7qIxK6F2QvHkvRa0kLU7t422MbLNS+zoX4DW5u20ufqg8wM44fdxwAwm8zkJuSSEZdBiiOFVHsqKY4UUuwpJNoSsZqtmE1mPF4PA64B+l399I/20+/qZ8A1QPtgO439jbQPtTPsHqa6p5rqnmo2N24+KZYUewrT06YzL3Me8zPnsyBrAcUpxZhNIR6YJyJntvOPxu3C28DqOOXHvkp68xSvpD9x5AnAGOhbkDS+93Qi0STgJP3b3/42vb29AHzrW9/ijjvu4OMf/zgzZ87koYceCnqAIkHh8RxvH1vy/rM/9gQb6zfi9rqZnjqdwpTCEAUnIpFgcdZiACzxNUEdHDc4Osjzlc/zbMWzbG3eisfr8f8sxZ7CEq+NeS0VzC25gulX3Ed+Yn5QWjdH3CM09zfTNNBEfV89Vd1VHOs+RkVXBXV9dfSM9LCzZSc7W3b6r0myJTE/cz4LsxeyPGc5S7KXkGRPOu9YRGQcBjrg0LPG/aUfOO1DnMlG4j6Vk/Rh9zB/K/8boLVrErsCTtJXrFjhv+90Onn++eeDGpBISNS8ZUxQtifDnBvHfZmv1f3SwvENmROR6LUg2+gGM9s7cNgHzvv56nrrePTQo/yt/G/0jvQef53MBVxRdAUX5l/InIw5WA78DZ74EDQehZTi835dH7vFTmFKIYUphaxk5Uk/GxodorqnmiOdR9jfvp99bfs41HGIPlcfm5s2s7lpM7/Z+xvMJjNzM+ayImcFy3OWszx3OSn2lKDFKCIn2P8UuEcgZyHkLT7tQ5xjlfSeoVGGXG7ibJbJjDAivFD1Al3DXeQl5nHJtEvCHY5ISAScpH/zm9/kAx/4AKWl2kUoUWT3WBV9/jvAnjCuS1weFxvqNwBqdReZClLsKdg9eYyYG+nxHgNO/yb5XFoHWvnVnl/x5NEnGfWMAlCQVMCts27lmpJrKEx+W1dOydiE9+Z90N8OiZnn8XcxPnHWOGZnzGZ2xmxumn4TYJyRP9Z1jH1t+9jZspPtzdup66tjf/t+9rfv53cHfofFZGFx9mLWFqxlbcFa5mbMVXu8SLDsM9aJsfj2Mz4kJc5KnM3MkMtDS88wRZnje08TSx47ZKzSfc+s92AxT70PKWRqCDhJ/8tf/sJXv/pVVq9ezQc/+EFuu+02srKyQhGbSHCM9MP+vxn3A2h139Wyi15XL+mOdBZmLQxNbCISUSyuYnA00uI6GvC1bo+bh/c/zK/2/Mo//G1N3hrumHcHawvWnjmZTXJC9lxoPWgMt5x3y/n8LUyY1Wz1J+7vnvVuAJr6m9jWvI3tzdvZ1rSNqp4qdrTsYEfLDn6686dkxGVwYf6FXFZ4GRcXXEyCbeolDCJB0V0P1W8a9+e/84wPM5lM5KTEUd0+QHPv0JRL0ve372dP2x6sZivvnHnmf04i0S7gJH337t3s37+fRx55hPvvv5/PfOYzXHXVVXzgAx/gHe94BwkJU+uXhUSBQ8/CSJ+xG73ognFf9ka9sRJpbcFafVIrMkW4BgrBsYm6gYMBXVfVXcV/bfwv9rTuAWBR9iI+s+wzrMxdeY4rx5RebCTpla+HLUk/ndzEXG4su5Eby4xjQvV99Wys38jG+o1satxEx1AHz1Q8wzMVz2A327kg/wLWFa3jssLLSI9LD3P0IlHkwN8Ar/E+JXXaWR/qTHYYSfoUPJfuW7t2VfFVZMWrSCixK+AkHWD+/Pl8+9vf5tvf/jYbN27k0Ucf5TOf+Qz//u//Tk9PT7BjFDk/e40JoCy6HQJYN/RGnZGkX1xwcSiiEpEI4/V66e/Ox5EOFT2HcHvc4/qA7uljT/ONt77BkHuIJFsSX1r1JW6Zfktg681KLoYtv/bvS49UBUkF3Db7Nm6bfRsut4tdrbt4ve51Xq55mZreGl6re43X6l7DbDKzzLmMdUXrWFe0jrykvHCHLhLZ9j1p3M5/1zkf6vRPeJ9aa9i6h7v5R8U/AHjv7PeGORqR0JpQkn6ixMRE4uPjsdvt/qnvIhFjoAOOrTfuLxj/Hs2m/ibKu8oxm8xcmH9hiIITkUjSP+JmZNCJ3WNnYLSfyu5KZqTPOOPj3R43P9nxE367/7eA0dr+jbXfIDcxN/AXL7kIMEHbYehthuScCf5dTB6bxcbK3JWszF3JPcvvobyrnPU161lfs55DHYfY1ryNbc3b+N7W7zEvcx7XllzLNSXXkJ+UH+7QRSJLZxXUbweTeVydNDnJRpLe0ju1KulPH3uaIfcQM9NnstS5NNzhiITUhKa9VFZW8q1vfYv58+ezYsUKdu7cyX333UdTU1Ow4xM5Pwf+DzyjkLsQsmeN+zJfq/uirEWkxaWFKDgRiSSd/SOABe+Q0Wq6p23PGR874Brg06982p+gf3TRR/nVVb+aWIIOkJABucZ0eaoiu5p+OiaTiZnpM/n3xf/OX276C8+96zm+sOILLHMuw4SJA+0H+OH2H3LNk9fwwX98kEcOPkLrQGu4wxaJDL6BcSUXj+sDupwUYw1byxSqpHu8Hh47bAyMe+/s9wbWqSQShQKupK9Zs4atW7eyaNEi7rrrLt73vvdRUFAQithEzp+vfWzBuwO6zN/qPk2t7iJTRdeACwC7u4RRKtjTuod3zTy19bTf1c8nXvoEO1p2YDfb+cbab3B92fXnH0DJJdC010jSF46/8ycSTUuexh3z7+CO+XfQPtjO+pr1PF/1PNuatrG7dTe7W3fzvS3fY0XuCq4tuZYri68kIy4j3GGLhIcvSR/ne5Ucf7v71Kmkb27cTHVPNYm2RG4ouyHc4YiEXMBJ+rp163jooYeYN29eKOIRCZ6eBqgyVqgFkqSPuEfY1LgJ0Hl0kamkc2AEgBTTDDp4md2tu095TO9ILx9/6ePsbt1Nsi2ZX1z5C5Y4lwQngNKLYdPPjeFxMSQzPtN/jr1loIUXq1/kucrn2N26m61NW9natJVvb/42a/LWcE3JNawrXqdd7BKzPF4PDX0NVHRX0NTfRHvHUTpG6xjNysQ8cATL5m+T7kgnOyEbZ4KTWemzyEnIOaly7Ew2KulTKUn3VdFvKruJRFtimKMRCb2Ak/RvfetboYhDJPj2/xXwQuFqSCsa92Xbm7czODpIdnw2czLmhC4+EYkoviQ9yzaDDuBY1zFqemooSjF+f/SN9PGxFz/G3ra9pNhT+PXVv2Z+5vzgBVB8oXEmtaPCWMeUGntdas4EJx+Y+wE+MPcDNPQ18ELVCzxf9TwH2g+wsWEjGxs28o1N32Bt/lquLb2Wywov0xtyiVouj4tjXcc40H6A/W37OdB+gPKucobcb0uuU5KN24qnT/s8mXGZLMhawJq8NVw87WKcKZkAtPROjXb3pv4mXql9BYDbZ595h7xILBlXkn7PPffwjW98g8TERO65556zPvaHP/xhUAITOW/+VvfA2kZ959EvKrhIZ55EphBfu7szwUlq9kq2Nm3lc699jj9c9wcsZgufe+1z7G3bS5ojjQeufiD4H+LFpULeEmjYYbS8L47t6cX5SfncteAu7lpwF9U91bxQ9QLPVT5HeVc5r9a9yqt1r+KwOLhk2iVcV3odFxdcTJw1Ltxhi5xR30gfO1p2sKVxCztadnC44zAjnpFTHmcz2yhOKWZa0jQyazaT2d2Efda1ePKX4vK46BzupHWglfq+eiq7K2kfavdvTvje1u9RmFSEPWsmfd3LGBgZJcF+3nOgI9oTR57A4/WwImfFWYd5isSScf1fvXPnTlwul/++SMTrqDw+KXX+OwK6dEO90SKv8+giU4uvkp6WYOczF32H2565jUMdh/jOlu8A8GbDm8Rb4/nllb8MXZdN6cVGkl4Z+0n6iYpTivnooo/y0UUfpbyznOernuf5quep7qnmxeoXebH6RRKsCVxRdAXXlV7HBXkXYLPYwh22THF9I33sbdvL1qatbG7azP62/bi97pMek2xLZl7mPOMrax5z0ucwLXkaVrMVepvgjdnGAy+6D1JOXVU4NDrE4c7D7Gjewcb6jWxv2U5tXw2O7Boc2ev5txfW8/Gl/xazhQWX28WTR42iy+1zVEWXqWNcSforr7xy2vsiEevA/xm3JRdDknPclzX0NVDZXYnFZGF13uoQBScikchXSU9PsJGTmMN3L/4uH3vxYzx11BjqZDaZ+Z9L/of5WUFscX+7kktg409i7lx6IGakz+Du9Lv55JJPcrDjoJGwVz5PY38jz1Q8wzMVz5BiT+Gq4qu4puQaVuauNBIekRByuV0c6TrCvtZ97G3by762fVR0V+DFe9LjCpMLWZW7ipW5K1mYtZBpydMwm86wTOnwc8Zt/rLTJugAcdY4FmcvZnH2Yu5acBf9rn5eqX2Fr6x/mBHbEfZ27OAT6z/B7PTZfHTRR7mq+KqYStbX166nbbCNrPgs1hWuC3c4IpMm4D/VPvShD/GTn/yE5OTkk77f39/Ppz71KR566KGgBScyYQf/btzOuzmgy95seBOARdmLNLhIZIrxVdIzEu0AXJB/AZ9c8kl+tutnANy76l4uLbw0tEEUrQGzFbprjN3J6SWhfb0IZjKZ/BXIzy77LLtbd/NC1Qu8UPUCrYOtPHn0SZ48+iQZcRlcXXw115VexxLnkjMnRCLj5PK4qOiqYH/7fv9Z8sOdh3F5XKc8Ni8xjxU5K1iVt4pVuavIT8of/wsd/odxO2f808oTbYncWHYjv38xk63lFVx74VG2d/6Dw52H+dxrn2NJ9hK+uPKLLMxeOP44ItgjBx4B4N0z363uGZlSAk7Sf/e73/Hd7373lCR9cHCQ3//+90rSJfy666F+G2CCOTcGdKkvSb8g/4IQBCYikaxzrJKelmD3f+8jiz6Cw+IgPS6dW2bcEvogHElGVa1ui1FNn8JJ+olMJhNLnEtY4lzC51d8nh0tO3iu8jlerH6RjqEO/nz4z/z58J/JScjh2pJrua70OuZlzoupiqKEzoh7hF0tu9jStIWtTVvZ17bvtGfJU+wpLMxayIKsBSzMWsj8rPlkxWdN7EWH+6DiNeN+AEm6T05KHN7RNJYn38F3132WPx78I7/b/zt2te7i/f94PzdPv5kvrvwiqY7UicUXAfa07mFX6y6sZqsGxsmUM+4kvaenB6/Xi9frpbe3l7i448Nb3G43//jHP3A6x99WLBIyh54xbgtXQ3LuuC8b9Yz6V6+tzV8bishEJIJ1jVXS0xOOV2vMJjP/uuBfJzeQskuNJP25L0FfC1z4KbA6JjeGCGYxW1iZu5KVuSu5d/W9bG7czHOVz/Fyzcs0DzTzuwO/43cHfse0pGlcV3od15Zey8y0mUrY5SSDo4O8VvcaL1e/zOv1r9Pv6j/p58m2ZOZmzmV+5nzmZc5jfuZ8piVPC95/R8fWg3sY0kshO/AZFzlja9haeodJdaTyySWf5NaZt/LTnT/l6WNP8/Sxp3mz4U2+esFXuazwsuDEPMn+cOAPAFxfej3ZCdlhjkZkco07SU9LS8NkMmEymZg1a9YpPzeZTNx3331BDU5kQibY6r6vbR+9I72k2FOCu1ZJRKLC8cFxYW6pXPMJqNoINW/Cy9+A7Q+fXFH3nngG1nuG77/tZwCYjGGaJtPYl/nkL078nultt2NfZitYbGCxj32d7b4D7AlgSxy7TQB74tjt2Petds6HzWzjooKLuKjgIobdw2yo38ALlS/wat2r1PXV8cDeB3hg7wOUpJRwZfGVXFl0pSrsU9z+9v08deQp/lH5D/pcff7vZ8ZlsjpvNatyV7E8ZzlFKUWhPTpx6IRW9wn895iTYhTLTtyVnpOYwzcv+ia3zrqVL2/8MlU9VXzq5U/xzhnv5P9b/f9F1XaExr5GXqx+EYA75t0R5mhEJt+4k/RXXnkFr9fLFVdcwZNPPklGRob/Z3a7neLiYvLzAziHIxIK/W1QvdG4P8FW9zV5a7CYLcGOTEQiXM/gKACp8WFO0hMy4K5/wN4n4J//Dd21xlcsMluPJ++OZGMNXVza2O0JX/Fv/94Jfz12TtVhcbCuaB3ritYx4Brg9brXea7yOd6of4Oqnip+s/c3/Gbvb8hLzGNd0TquLL6SJdlL9Pt+CvB6vWxq3MSv9/yabc3b/N8vSCrg6pKrWVe0joVZCydvnoF7FI48b9yfff2EnsKZMlZJ7zl1V/oS5xL+ctNf+MXuX/C7/b/jr+V/5VDHIX5w2Q8oTC6ccNiT6dFDj+L2ulmdu5rZGbPDHY7IpBt3kn7ppcawnMrKSoqKivQptESmQ8+C1wN5iyG9OKBLfUn62gK1uotMNR6Pl54h40x6SriTdDAqa4veA7OvhYpXwX3i+VjTyY97+/dP9z0AvMbvR6/HqLqfdHuGLzh+3+MGzyh4XOB2GTH5b09zf3QIXIMw0g+uARgZAFe/cesbwOUZheEe46u3cWL/rGyJxgcb8WkQnw7xGSTEp3NtfDrXJsygb+4i3hhu5sXuw2zo2E9jfyN/PPhH/njwj2TEZXBF0RWsK1rHytyVOCw6VhBrtjVt40c7fsSe1j0AWM1Wriq+infPfDcrc1eGZ9Bg3RYY6jL+ey2c2CYZZ/JYJb136LQ/j7PGcc/ye7gw/0K++NoXOdhxkNufuZ37L7mfCwsunGjkk6Lf1c8TR54A4I75qqLL1BTw4LiXX36ZpKQk3vOe95z0/b/85S8MDAxw5513Bi04kYD5Wt3nBtbq3j3czd62vQBcmB/Zf3iJSPD1Do/6u8VT4iIgSfdxJMPcm8IdRfC5Xacm78O9MNgFQ90nfJ3w12//2Uiv8VyufujuP2O3QRJw3djXkMnEm/FxrE+I55XEBDqGOnjiyBM8ceQJ4jGzxpbJpUlFXJw2F2fyNCOJSsgYS/7HvjRhOirU9dbxw+0/9LdMOywObp11K/86/1/JTRz/vJqQKH/JuJ2+DiwTWx+Yc5ZK+onW5K3h8Zse53Ovfo49bXv4xPpP8OU1X+bds949odedDE8dfYo+Vx8lKSVcVHBRuMMRCYuAfzN85zvf4Ve/+tUp33c6nXz0ox9Vki7hM9RtVJwg4CR9S9MWPF4PZall4f/DW0QmXc+gUdl1WM3E2dT+HHIW21jlO23iz+Eeq8IPdp78NdDxtu8d/+u4gQ6uGOjmioFBXG0dbI2L46XEeF5NiKfVauUVVyuvdLZC53bmDo9wycAglw4MMn9kBH+91Z48lryfkLjHn5DIn5TU++6nKbmfJKOeUX63/3f8YtcvGPGMYDaZuXXmrXx8yccnPok92HxJ+owrJ/wUzrEz6X3Do/QNj5LkOPNb+tzEXH577W/52ptf4+8Vf+drb32N+r567l56d8StLHS5XTy8/2HAqKJHWnwikyXgJL2mpobS0tJTvl9cXExNTU1QghKZkPL1Rgtl5kzIPnW44dlsrDfOsauKLjI1dY8l6WE/jy7jZ7EaCXFCxrkfeyKPG4a6sQ12cuHY15f72znYdZTXuw7yRn8Ne0e7Oeiwc9Bh51fpqWS4PawdGOSCoUFWDw7g7O41dtkHwpFyUkv+GZN6R/LYV5JxjT3JmO6vY4bndKTzCF/e+GUOtB8AYHXear648ovMSg/sPUFI9bVA427j/ox1E36aJIeVRLuF/hE3LT1DJGUnnfXxdoudb130LQqSC/jl7l/ywN4HaB5o5r4L78Nqnlg1PxT+XvF3WgZayI7P5pbpk7D2UiRCBfx/pdPpZM+ePZSUlJz0/d27d5OZmRmsuEQCd+QF43b2tQFf6lu9pv3oIlNTj5L0qcNsOSW5NwHzxr7+HWgfbGdD/QZeq3uNtxreooM+/p6cyN+TEwGYkVjAmuQy1sTns8KaQuJw3xkq+R1GlxccP3vfNYGChtlmJO32ExP4ZCOB9yf1vr9OMm5t8WNfiWO3CSffWuPAHBtVSo/Xw+/3/56f7PwJo55Rku3JfGnll7h5+s2RN0Pp2MvGbd5iSDq/1cU5KXFUtPXT0jtM2TmSdDA2MX1yySfJT8znvrfu4+ljT9Pv6uf7l3wfu+X8Ni0Eg9vj5qF9DwFw5/w7IyImkXAJOEl/3/vex3/8x3+QnJzMJZdcAsBrr73Gpz/9ad773vcGPUCRcfG44eg/jfuzrgvo0rreOur76rGarKzIWRGC4EQk0qmSLifKjM/klhm3cMuMW3C5Xexs2clbjW/xVsNbHGg/QHl/PeX99fwRsJqsLMpexJr8NazIXcHCrIUnr7oaq9yfrQ3/+M86jLP5w33GrW93t8d1/LHBZI0/vh7Pn9S/LZkf9/dOuE3IMLoAJiFBbhlo4b82/Jf/w/bLCi/jK2u+Erl7tY8aZ+TPp9Xdx5nioKKt/6Q1bOPxzpnvJNWRyudf+zzra9bzyfWf5CeX/4QEW8J5x3Q+Xqp5ieqealLsKdw669awxiISbgEn6d/4xjeoqqpi3bp1WK3G5R6PhzvuuINvfetbQQ9QZFzqthpvbuJSA56UuqVpCwALsxeG/Q8oEQkPX5IeEZPdJaLYLDZW5a1iVd4qPr3s03QPd7O5cTObGjexqXETtb217GjZwY6WHbDbmB6+IHMBy3KWsTxnOUucS0iZSFs+GAn+SJ+RtI+MJe6+r7P9tWvAmKzvvx08PqTPfcKgsdFB44v2oP3z8jPbICFz7CsDknIgrcj4yiiDnPmQeH5nxNdXr+erb32V7uFu4ixxfHHVF7l15q2RVz338biPV9KDkKT7dqWfa3jc6VxRdAX/e+X/8qmXP8Wmxk38x8v/wU/X/ZR4a/x5xzURXq+X3+z9DQAfmPsBEm2JYYlDJFIEnKTb7XYee+wxvvnNb7Jr1y7i4+NZuHAhxcWBrbsSCSrfvtEZVwU8KdX36fvqvImtQRGR6KdKuoxXqiOVq0uu5uqSqwGjG2tT4yY2N25mR/MOWgZb2NW6i12tu3ho30OYMDErfRbLcpaxzLmMhdkLyU/MH18iabYc3wcfLB73yYn76ZJ516BRxXcNneFnZ/neSJ9x3+OCvibj60ySciB/KRRdAMUXGvfHMWBvwDXA97Z+j6eOPgXA3Iy5fPeS71KWWhasf0qh0bDLKCg4UmDayvN+Ol+SHmgl3Wd13moeuPoBPvbix9jctJlPv/xpfrrup2FZRfhG/Rsc6jhEvDWe9895/6S/vkikmfCkiJkzZzJz5kwAenp6+N///V8efPBBtm3bFrTgRMbNdx59VmDn0b1eL1sajUr6qtxVwY5KRKKEb0e6knQJ1LTkadyafCu3zroVr9dLXW8d21u2s6PZqK5X91RzuPMwhzsP86dDfwIgIy6DBVkLWJi1kIVZC1mQtYBURxAT8bMxW8bOtJ/7DPOEuQaNFv6BdhhoM+73NkJnNXRVQ9sR6KyCvmbjQ3bfB+1xaTD7Ophzg/Ghuy3ulKfe27qX/3zjP6nprcGEibsW3MXdS+7GFg3T831T3csuC8q0f2fy2Bq23sAr6T6Lsxfzv1f+Lx978WO81fgWn33ls/z48h9P6nlwj9fDz3b+DIDbZ99OWlzapL22SKQ6r3GOr7zyCg899BBPPfUUqampvPOd7wxWXCLj11kNLQfAZAl4UmpFdwXtQ+3EWeJYnL04RAGKSKRTu7sEg8lkojClkMKUQt4x4x0AtA22sb3ZSNr3tO7hUOchOoY6eL3udV6ve91/bXFKMQuyFjA3Yy6zM2YzO3026XHpYfo7OU+2eEgtML7OZLgPWg5C3RaofhOqNxpn7nf/yfiKz4Al74fl/wpZM3F73Dy470F+sesXuL1uchJy+M7F32Fl7vlXpCdNefDOo8PxNWwTraT7LHUu5efrfs4nXvoEb9S/wede+xw/vPSHk/bBx0vVL3Gw4yCJtkQ+tOBDk/KaIpEu4CS9vr6ehx9+mN/+9rd0dXXR2dnJo48+ym233Ra5Z4Aktvmq6EVrAj7z52t1X+pcqimiIlNY9+AoAClxkbOKSGJDVnwW15RcwzUl1wAw7B7mcMdh9rbtZW/bXva17aO6p9r/9WzFs/5rnfFOZmXMYnb6bOZkzGFWxiyKk4uxmC3h+tsJHkcSFK40vi74pNGGX7MJDj0D+/8GvQ3w1s/grZ+xf+blfDPBy76eCgCuLbmW/17z35PXfRAM5euN+TmYgpak5wShku6zMnclP133U+5efzev1r7KF1//It+/9PvYzKFN1N0eNz/bZVTR75h3R/R+MCUSZON+N/Lkk0/y4IMP8vrrr3Pdddfxgx/8gOuuu47ExEQWLlyoBF3Cx9cmN+uagC/1t7rnqdVdZCrTmXSZLA6Lg0XZi1iUvcj/ve7hbva17WNv214Odxit8bW9tbQMttBS38KG+g0nXV+cUkxZahllqWWUppVSllpGSUpJdH/YbLZAyVrj6+pvwtEX6dr2AD/r2M7jrnK8PSaSMPP/LfoENy75aHS97xzqgaf/w7i/+mNn7zAIwPmeSX+7NXlr+MnlP+FTL3+Kl2pe4p5X7uHTyz7NjPQZQXn+03mm4hkquytJdaRyx7w7QvY6ItFm3En67bffzpe+9CUee+wxkpOTQxmTyPiN9EPVG8b9AM+juz1utjZvBYw/mERk6tKedAmnVEcqawvWsrZgrf97/a5+jnYe5VDHIQ53HuZIxxGOdh1lcHSQI51HONJ55KTnMJvMTEuaRllqGcUpxRQmF/q/cpNyQ14RDaaukV5+13+YR6ljIMV4z3lDXz+f7+gkq/r/g5YauPRLEJcS5kjH6cWvQE8dpJfAuq8E7WmdKUYlfWDETd/wKEmO8+8EWluwlh9f/mM+/cqnebXuVV6te5VVuau4efrNrMxdSX5S/nm/hk9TfxO/2PULAD604EMk2UM4J0Ekyoz7/+YPf/jD/PznP+fVV1/lX/7lX7j99ttJT1dLioRZ1UZwj0BqEWTNCujSQx2H6B3pJdmWzJyMOSEKUESigZJ0iTSJtkSWOJewxLnE/z23x019Xz0V3RXGV1cFld2VVHRX0Ofqo6a3hpremlOey2KykJeYx7TkaScl74XJhUxLnhYx6672t+/nqSNP8UzFMwyMDgAwJ2MOX1jxBVbZMuDFL8Phfxht8Hsehxt/BHNvDHPU53DsFdj+W+P+zT8De/D+WSfYrSQ7rPQOj9LcM0RSdnCS3EumXcLvr/09D+17iJdrX2ZL0xb/utq8xDyW5yxnRc4KlucspzilOOCuhhH3CL8/8Ht+vefXDI4O4ox38r457wtK7CKxYtxJ+q9+9St+/OMf8/jjj/PQQw/xmc98hmuuuQav14vH4wlljCJndmy9cTv9cgjwD4nNTZsBWJ67HKtZ51BFpjINjpNoYDFbKEopoiiliMsKL/N/3+v10jrY6k/ca3tr/V91vXWMeEao66ujrq/OP4vlRMm2ZHISc8hJyDl+m5CDM8Hp/+sUe0rQW8xdHhd7WvewsX4jr9W9dlJ3wOz02Xx8yce5ovCK46/7vj/B0Zfg+S9Bezk89gFYeBtc972J7aEPtcEuePpTxv2V/walFwf9JZwpDnpbjSR9epCSdICF2Qv50eU/orGvkSePPslbDW+xv30/jf2NPFPxDM9UPANAZlwmy3OWsyxnGaWppUxLmkZeYp5/6JzX66XX1UvbQBsHOg7wVsNbvNnwJm2DbYAxE+irF3w1bPvZRSJVQJlJfHw8d955J3feeSdHjx7lt7/9Ldu2bWPt2rXccMMN3HrrrbzrXe8KVawipzr2snEb4FR3gM2NRpKuVneRqc3r9epMukQ1k8mEM8GJM8F5yp9pHq+H1oHWUxL32t5aavtq6R7uptfVS29XL+Vd5Wd8jXhrPDkJOWTEZZARl0FaXBrpjnTSHGmkxaURb43HYXEQZ4nDYTVurWYrw+5hRtwj9I700j7UTttgG9U91RztPEp5VznD7uNDz2xmG1cWX8m7Zr6LVbmrMJvMpwYy80oo2QivfRc2/gT2Pg6Vr8O7fxOSJPi8PPs56K6F9FK48msheYmclDiOtfbT0nP+w+NOJy8pj7uX3s3dS+9mwDXArtZdbG/ezvbm7ext3Uv7UDv/rP4n/6z+50nXmU1m7GY7Hq+HEc/IKc+bFZ/FPcvv4cayG6NrvoDIJDmvPenf/va3+eY3v8mzzz7Lgw8+yPve9z6Gh0PzS0LkFF21xq5VkxlKLw3oUpfbxY7mHYD2o4tMdYMuN6MeL6AkXWKP2WQ2quGJOazIXXHKz/tG+mgZaKFpoInm/maaB4yvloEW/193DXcxODpIVU8VVT1VQY0vzZHGhfkXsrZgLZcUXDK+Hdm2OCPpnXMj/PXfof0o/P5muOSLcOkXjSF04bbncdj3hLEe9t2/AUdo5jn5hse19AZneNzZJNgSuDD/Qi7MvxAwNhXsbd3L9ubt7GnbQ11vHfV99Qy7h/F4PQy5j8eUbEtmWvI01uSv4cL8C1nmXBbdgw5FQuy8e3zNZjM33XQTN910Ey0tLcGISWR8fFX0ghUQnxbQpXva9jDkHiIjLoMZaaGbWioikc9XRbeaTSTYI+DNvcgkSrInkWRPoiyt7IyPGRodMpL2gWY6hjroGuqiY9i47RzupHu4m6HRIYbcQwyPDhu37mFGPaPYLXbiLHEk2BLIjM8kMy6T/KR8ZqXPYlb6LAqTC09fMR+PaSvgY6/Bc1+EnX80quvVG+E9D0Ni1sSeMxg6q40qOsBl/2nEGSLOsTVszSGqpJ+Nw+JgRe6Kkz788Xq99Iz0+DsoTCYTmXGZxFnjJj0+kWgW1IO4TqczmE8ncna+8+jn0eq+One12qxEprgTz6Pr94HIqeKscf6z8BHHngi3/NzoqHvms8bGl19fDu99BPIWnfv6YPN44G+fgOEeKFwNF90T0pdzBnkN2/kymUzRtb9eJEJN8KNLmeq6mgfY8UI1u9fXUrGrlba6Prxj7aKTwj0KFa8a96dfEfDlviRd+9FFpHtA59FFot6i2+DfXoKMMuiugQevhn1PTn4cOx6G6g1gS4B3/gosoR1MmzO2hi1UZ9JFJDw00lrGzev1UrGzlb2v1lF/pOuUn+eUpnDxbbPIKZ2EvaUNO2GoG+JSIX9ZQJcOuAbY07YHgNV5q0MRnYhEEU12F4kRzrnwkZfhiQ8ZR+Ke+BA07YMr/ntyzql318M/x/agr/sqZJSG/CUn80y6iEweVdJlXLxeL2/99RjP/3of9Ue6MJmgaH4G05c5cRYnY7WZaa7s4YnvbWP97w4wPDga2oB8re5llwX8KfXOlp2MekbJT8xnWtK04McmIlGlZ8j4faVKukgMiE+HDzwBF/6H8dcbfgh/eq/xwX4oeb1Gu/1IL0xbCas+EtrXG3PimXSvdxI7GkUkpCZUSe/q6uKJJ57g2LFjfOELXyAjI4MdO3aQk5NDQUFBsGOUMPN6vWx4/Ch7XqkDYMlVRSy6fBrJGceHgPR3DfPW345xeFMTh95qoqOhn5v+YwlxiSF60+sbGjeRVvem463uOn8qIv5Kepyay0RigtkCV38Dchcae8qP/tNof3//45BeHJrX3PckHH0BLHa4+WeTNmHemWy8Fxt0uekdHiUlTh82isSCgCvpe/bsYdasWXzve9/j/vvvp6urC4CnnnqKe++9N9jxSZh5vV5e+9MRf4J+6ftns/bdM05K0AES0xxc+a/zeNcXlhOXZKOlupenf7KLoX5X8IMa7oW6bcb9sssDvtw/NE6t7iIC2pEuEqsW3QYfeh6S86H1EPzmSqjfEfzXGe6FF/7LuH/x58E5J/ivcQbxdov/A8aWCBkeJyLnL+Ak/Z577uFf//VfOXr0KHFxxxO166+/ntdffz2owUn4lW9vYf/r9ZhMcMUdc1lwydk7JfKmp/KOzy4lPtlGa00v//fjnQwPBDlRr34LvG5IKw74E/Hu4W4Oth8EtB9dRAw9StJFYlf+UmOgXM4C6G+Bh2+AQ/8I7mu88QPoa4L0Ulj76eA+9zj4z6VreJxIzAg4Sd+6dSsf+9jHTvl+QUEBTU1NQQlKIsNQv4s3Hj8KwIrrS5h7Yd64rsssSOKWsUS9rbaPV/54KLjnpKrGPgwqvSTgS7c1b8OLl7LUMpwJWhkoIkrSRWJeagHc9RxMXweuAfjz+2Hzr4Lz3O3H4K2fG/ev/Q7YJn8fuC9Jb9bwOJGYEXCS7nA46OnpOeX7R44cITs7OyhBSWR462/HGOwZIT03geXXlgR0bWZ+Ejd8cjFms4ljO1rZ/0ZD8AKr9CXplwZ86damrQCszF0ZvHhEJKppurvIFBCXAu9/DJbdCXjhuS/C8/eCx31+z/vCf4F7xPgAYNa1QQk1UCcOjxOR2BBwkn7zzTfz9a9/HZfLeFNjMpmoqanhS1/6Eu9+97uDHqCER0N5FwfGEuvLPjAbiy3wRQA5JSmseed0ADb85Sjt9X3nH9hABzQa69MovTjgy7c3bwdgRe6K849FRGKCzqSLTBEWG9z0E7jya8Zfb/oFPH4HjAxM7PnKX4Ijz4HZCtd+F8I0jNbpq6TrTLpIzAg48/rBD35AX18fTqeTwcFBLr30UmbMmEFycjLf+ta3QhGjTDKvx8trjx4GYN7aPPJnpk/4uZasK6R4QSZul4cXHtjH6Mh5fmJdvRHwQtZsSM4N6NKekR4Odxh/X8udy88vDhGJGUrSRaYQkwku+izc+pAxif3QM/C7G6GvJbDn8Xjgxa8a91d9DLJnBT/WccpJMSrpLb2qpIvEioD3zaSmpvLiiy+yYcMG9uzZQ19fH8uWLePKK68MRXwSBtX72ulo6Mceb+WCd804r+cymU2su3Muf/7mFjqbBtjxzxpW3Vg68SesfMO4ncB59F0tu/DipTilmOwEHc0QEUPPkJJ0kSlnwbuNqe9/fh/Ub4ffrDP2q2fPHt/1e/8CzfvAkQqXfD60sZ7D8cFxqqSLxIoJL4W96KKLuOiii4IZi0SIXetrAJh/UX5Q9pzHJ9u5+LZZvPDAPna8UM2cNbmkZMVP7Mn859En3uq+zLlsYq8tIjHp+J50JekiU0rxBfDhl+CRW6GzEh68Ct77KJSc4/3t6DC88k3j/kWfhoSM0Md6FjqTLhJ7Ak7S/9//+3+n/b7JZCIuLo4ZM2ZwySWXYLFYzjs4mXyttb3UH+7CZDax8PJpQXve6cuyKZidTv3hTjb85SjXf3xR4E/S1wKtxvo0SiaepC/PUau7iBiGR90MuTyAKukiU1LWDGNF25/eC3Vb4Q/vhFt+AYvec+Zrtv0WumogKRdWf3zyYj2DnBPOpHu9XkxhOhsvIsETcJL+ox/9iNbWVgYGBkhPN84qd3Z2kpCQQFJSEi0tLZSVlfHKK69QWFgY9IAltHavrwVgxrJskjOCt0bEZDJxye2zeOybW6jc3Ub1/naK52cG9iS+KnruwoA/tR4cHWR/235ASbqIHOeroptMkBw34eYyEYlmiVlw59/hqY/CwafhqX+Drmq4+HOnDoMb7oXX/8e4f9mXwJ4w+fG+jTPFgckEw6MeOvpHyExyhDskETlPAQ+O+/a3v83KlSs5evQo7e3ttLe3c+TIEVavXs1PfvITampqyM3N5bOf/Wwo4pUQ6u8e5ujWZgAWrysK+vNn5Cey6AqjOv/GY0dwuz2BPUGV7zx64KvX9rbuZdQ7Sk5CDgVJBQFfLyKxybcjPdlhxWxW9UlkyrLFw3t+Bxfcbfz1y9+Av/8HuF0nP+6lr8FAG2RMh6X/Mulhno7DaiF3rJpe0zHBSfUiElECTtL/+7//mx/96EdMnz7d/70ZM2Zw//33c++99zJt2jS+//3vs3HjxqAGKqG399U6PG4vedNTySlNCclrrLyhlPgUO90tgxx6szGwi6vG/ps611mx0/CfR89ZpjYwEfHrHhwFtCNdRACzGa75Flx/P5jMsOP38OjtMNRj/LziNdj6G+P+jT80VrpFiKIMo6KvJF0kNgScpDc2NjI6OnrK90dHR2lqagIgPz+f3t7e849OJo3H4+XgRiNpXrwudMcU7PFWll9TDMC2f1Qx6hrnSra+Fmg/CpigaE3Ar+vfj56j/egiclyP1q+JyNut+ogxQM6WAMfWw2+vg9Yj8PRYlX3Fh6DssrCG+Hb+JL1dSbpILAg4Sb/88sv52Mc+xs6dO/3f27lzJx//+Me54oorANi7dy+lpeexZksmXWN5FwM9IzgSrJQsygrpa82/JJ/ENAd9ncMc2NAwvouq3zRuc+ZDfGB7211uF7tbdwM6jy4iJ9OOdBE5rdnXwb8+C4lOY9XaL9YYw+JSi+Cqr4c7ulOoki4SWwJO0h988EEyMjJYvnw5DocDh8PBihUryMjI4MEHHwQgKSmJH/zgB0EPVkKnfHsLAKVLsrFYA/7PIiBWm4UV15cAsO25alwj46im17xl3BZfGPDrHeg4wJB7iDRHGmWpZQFfLyKxS0m6iJxRwTJj8nvWbPCOvVe55WfgSA5vXKdRlKkkXSSWBDzKNjc3lxdffJFDhw5x5MgRAGbPns3s2bP9j7n88suDF6GEnMfj5dgOI0mfsdw5Ka8598I8drxQTW/7EPterWfp1ecYVFc9dh696IKAX+vE/eg6jy4iJ+rRjnQROZv0YvjwC/Dyt4xuvrLAh9dOBlXSRWLLhPfNzJkzhzlz5gQzFgmThqNdDPa6cCRYmTYnsFbyibJYzay8oZSXf3+QHf+sZsFlBdjsltM/eLALmvYZ9ydQSdd+dBE5E38lPUFJuoicQXw63HB/uKM4K1+S3tQzxJDLTZztDO+pRCQqTChJr6ur4+mnn6ampoaRkZGTfvbDH/4wKIHJ5PG1upctycZiCW2r+4lmr85h67OV9LYPcfitRhZcOu30D6zdAniNdSfJuQG9htvjZmezMT9BSbqIvJ3a3UUkFmQk2klyWOkbHqWuc5AZzqRwhyQi5yHgJH39+vXcfPPNlJWVcejQIRYsWEBVVRVer5dly5aFIkYJIY/bQ8XOyW119zFbzCxeV8iGx4+y86Va5l1ccPo9xb5W9+LAW93Lu8rpdfWSYE1gdsbsc18gIlOKL0nXCjYRiWYmk4nCjAQONvZQ2zGgJF0kygVcNr333nv5/Oc/z969e4mLi+PJJ5+ktraWSy+9lPe85z2hiFFCyN/qnmilYJJa3U8098I8HAlWeloHqdzVevoH+Sa7F68N+Pm3NW8DYKlzKVbzhE93iEiM6hnynUnX7wcRiW5FGfGAzqWLxIKAk/SDBw9yxx13AGC1WhkcHCQpKYmvf/3rfO973wt6gBJa5TuMxHj6JLe6+9jjrCy4tACAnS/W4PV6T37AyAA0jK37O5+hcTnq8hCRU/UMjgJqdxeR6FecmQhAtXali0S9gLOyxMRE/zn0vLw8jh075v9ZW1tb8CKTkPN6vdTsaweM1WvhsujyQixWM82VPTSWd5/8w/pt4HFBcj6klwT0vF6vlx3NOwCdRxeR0/NX0pWki0iUK9SEd5GYEXCSvmbNGjZs2ADA9ddfz+c+9zm+9a1v8aEPfYg1a9YEPUAJnZ62QXo7hjCbTeTPTAtbHAkpdmavMQbC7Xqp5uQfVp+wHz3A9WnVPdW0D7VjN9tZkLUgGKGKSIzRCjYRiRW+Ce+1StJFol7Ah/B++MMf0tfXB8B9991HX18fjz32GDNnztRk9yhTd6gTgJyyFOxhPo+55MpCDmxooGpPGz3tg6RkGueqqN1k3BYF/gGQr9V9QdYCHBZHsEIVkRjh8XjpHTba3VPidSZdRKJb8QmVdK/XiynA4oaIRI6A3pW43W7q6upYtGgRYLS+//KXvwxJYBJ6tQeNJH3anIwwRwLpuYlMm5NO3aFO9r/RwAXvmA4eN9QZg9/OJ0lXq7uInE7fyCi+MRiqpItItMtPi8dsgkGXm9a+YZzJceEOSUQmKKB2d4vFwtVXX01nZ2eo4pFJ4vV4qT/sS9Inf6r76fgGyB3c2IDb5YHWQzDcA/YkcM4L+Pl2tBjn0VfkrAhqnCISG3yt7narmTibJczRiIicH7vVTF7q2IR3DY8TiWoBn0lfsGABFRUVoYhFJlFbfR9D/S5sDgs5pSnhDgeA0kVZJKU7GOx1Ub6jBWo3Gz+YtgLMgb2Bbupvor6vHrPJzGLn4hBEKyLRzjfZXVV0EYkVxZkaHicSCwJO0r/5zW/y+c9/nmeeeYbGxkZ6enpO+pLoUDfW6p4/My0sq9dOx2wxM//ifAD2vVYHtVuMHxSuDvi5fFPd52TMIdGWGLQYRSR2HJ/srvPoIhIbijThXSQmBPzO5Prrrwfg5ptvPmkghW9AhdvtDl50EjJ1hzuAyGl195m7Np+tz1bRVNFDq7eObIDCVQE/z67WXQAsdS4NanwiEjs02V1EYo1/DZva3UWiWsBJ+iuvvBKKOGQSuUc9NBztAiJjaNyJElMdTF+azdFtLexrWsDlqRugIPAz5btadgGwxLkkuAGKSMzoGfJNdleSLiKxQe3uIrEh4CT90ksvDUUcMomaK7sZHfEQn2wjMz/yWsHnX1LA0W0tHB26iIumv4ktPi2g6wdcAxzuPAzAkuwlwQ9QRGLC8Uq62t1FJDb42t2rlaSLRLUJHUZ+4403+OAHP8iFF15IfX09AH/4wx/YsGFDUIOT0PDtR582Ox2TOfJ2aObPTCMlcRCXN4Fy880BX7+nbQ8er4fcxFxyE3NDEKGIxILjZ9JVSReR2FCcaRRfWnuH6RseDXM0IjJRASfpTz75JNdccw3x8fHs2LGD4eFhALq7u/n2t78d9AAl+JoqugEjGY5EJpOJuelbATjYuiDg632t7kuzdR5dRM5M091FJNakxtvISLQDUNXWH+ZoRGSiJjTd/Ze//CUPPPAANtvxNzZr165lx44dQQ1Ogs/r8dJcaUzhzylNDXM0ZzA6wpzRP2HCTWOjna7mwFq2fEPjtHpNRM5G091FJBaVjJ1Lr2pXki4SrQJO0g8fPswll1xyyvdTU1Pp6uoKRkwSQp3NA4wMubHazGQWRN55dACa9pBEE0Xx+wE4+GbDuC/1eD3sadkDaLK7iJydpruLSCwqyTLe36mSLhK9Ak7Sc3NzKS8vP+X7GzZsoKysLChBSej4qujZxcmYI2Q/+ilqNwMwt7QJgENvNeFxe8Z16bGuY/S6eom3xjMrfVbIQhSR6Kcz6SISi0rHzqVXtml4nEi0CjhL+8hHPsKnP/1pNm/ejMlkoqGhgUceeYTPf/7zfPzjHw9FjBJEzVUR3uoOULcNgJKF2cQn2xjoGaF6f8e4LvW1ui/MWojVrBZWETmz42fS9btCRGKHr5JerXZ3kagV8DuT//zP/8Tj8bBu3ToGBga45JJLcDgcfP7zn+dTn/pUKGKUIGquNIbG5ZSkhDmSs6g3knRL8XJmrc5l90u1HN7USOmirHNeqv3oIjJeqqSLSCwq9bW7K0kXiVoBJ+kmk4n/+q//4gtf+ALl5eX09fUxb948kpKSQhGfBJFrxE17vfELO7csQpP0vlboqgFMkL+M2TYTu1+qpWpPO8MDLhwJZ38z7U/StR9dRM5BZ9JFJBb5KultfSP0DrlI1u84kagTcLv7H//4RwYGBrDb7cybN49Vq1YpQY8SrdW9eD1eElPtJKXHhTuc0xuropM9G+JSyJqWREZ+Iu5RD8d2tp710rbBNmp6awBNdheRs/N4vPSO7RDWdHcRiSVJDitZSQ4AqnQuXSQqBZykf/azn8XpdPL+97+ff/zjH7jd7vMO4uc//zklJSXExcWxevVqtmzZMq7r/vznP2MymXjHO95x3jFMBU2+VvcoOI9OwQrA6NyYtSoHgCObm8566e7W3QDMSJtBij1COwVEJCL0jYzi9Rr3VUkXkVhTmmWsYatUy7tIVAo4SW9sbPQnx7fddht5eXl88pOf5M0335xQAI899hj33HMPX/3qV9mxYweLFy/mmmuuoaWl5azXVVVV8fnPf56LL754Qq87FbX496NHcALrq6RPW+7/1qxVucaPjnTR2zF0xkt3txhJ+uJsVdFF5Ox8re52q5k4myXM0YiIBFdxptawiUSzgJN0q9XKjTfeyCOPPEJLSws/+tGPqKqq4vLLL2f69OkBB/DDH/6Qj3zkI9x1113MmzePX/7ylyQkJPDQQw+d8Rq3280HPvAB7rvvPq19C8Dxye4RmqR7PFC/w7g/VkkHSM6II39mGgBHtzaf8fKdLTsB7UcXkXPrHfJNdlcVXURiT6l2pYtEtfNalJ2QkMA111zDddddx8yZM6mqqgro+pGREbZv386VV155PCCzmSuvvJK33nrrjNd9/etfx+l08uEPf/icrzE8PExPT89JX1NRX+cwfZ3DmEzgLI7QJL39KAz3gDUenPNO+tHs1UY1/fDmJry+HtUTjLhH2N++H9BkdxE5N//QOJ1HF5EYVOLbla52d5GoNKEkfWBggEceeYTrr7+egoICfvzjH/POd76T/fv3B/Q8bW1tuN1ucnJyTvp+Tk4OTU2nP3+8YcMGHnzwQR544IFxvcZ3vvMdUlNT/V+FhYUBxRgrmquM8+gZBUnYHBHa2uk7j56/BCwnv3Geviwbs9VER0M/bXV9p1x6oP0ALo+LjLgMipKLJiFYEYlmPaqki0gMKxk7k65Kukh0CjhJf+9734vT6eSzn/0sZWVlvPrqq5SXl/ONb3yDOXPmhCJGv97eXv7lX/6FBx54gKysc+/MBrj33nvp7u72f9XW1oY0xkjVWtMLQE5xcpgjOQvfefSC5af8yJFgo2Sh8e+8fNup8wp8q9cWZy/GZDKFLEQRiQ3HK+lK0kUk9vgq6Z0DLroHXGGORkQCFXCfn8Vi4fHHH+eaa67BYjm5Irtv3z4WLFgw7ufKysrCYrHQ3HzyOePm5mZyc3NPefyxY8eoqqripptu8n/P4/EAxln5w4cPn3Iu3uFw4HA4xh1TrPLtR8+cFslJ+nbjdtqK0/54xnInFTtbKd/ezJp3lJ2UjO9q3QWo1V1ExqdnyLcjXe3uIhJ7Eh1WnMkOWnqHqWzvZ0lCWrhDEpEABFxJ97W5+xL03t5efv3rX7Nq1SoWLw5sqrbdbmf58uWsX7/e/z2Px8P69eu54IILTnn8nDlz2Lt3L7t27fJ/3XzzzVx++eXs2rVryrayj0d7vdEinjUtMcyRnIFrEJrHjksUnD5JL1mYhdVmpqdtyN8ZAOD1ejU0TkQC0jPo25GuSrqIxKaSseFx1TqXLhJ1JlxCeP3113nwwQd58sknyc/P513vehc///nPA36ee+65hzvvvJMVK1awatUqfvzjH9Pf389dd90FwB133EFBQQHf+c53iIuLO6VSn5aWBhBQBX+qGR4cpbfdWF2WkZ8U5mjOoHE3eEYhKQdSp532ITaHheKFWRzb0UL59hb/ALy63jo6hjqwmW3My5x32mtFRE50vJKuJF1EYlNpZiJbKjuo1Ll0kagTUJLe1NTEww8/zIMPPkhPTw+33XYbw8PD/O1vf2PevIklR7fffjutra185StfoampiSVLlvD888/7h8nV1NRgNp/XEPopr2Osip6U7iAuMULfkPpXry2Hs5wpn7Hc6U/SL3jndEwmk7/VfV7mPBwWHW0QkXPTdHcRiXUlWsMmErXG/e7kpptu4vXXX+eGG27gxz/+Mddeey0Wi4Vf/vKX5x3E3Xffzd13333an7366qtnvfbhhx8+79ePdb5W98yCCK2iAzQY7erkLzvrw4oXZmK1m+ltN1rencUp/lb3JdlLQhykiMQKVdJFJNaVjk14r2wfCHMkIhKocZeon3vuOT784Q9z3333ccMNN5wyNE4iV5tvaFxUJOlnP1Nus1tOmfKuoXEiEiidSReRWKdKukj0GneSvmHDBnp7e1m+fDmrV6/mZz/7GW1tbaGMTYKkfWyveGakDo0b6oH2o8b9/CXnfPiM5U4Ayre30DvcS3lnOaAkXUTGT9PdRSTWFWcY7/u6B1109o+EORoRCcS4k/Q1a9bwwAMP0NjYyMc+9jH+/Oc/k5+fj8fj4cUXX6S3t/fcTyKTzuv10t4Q4e3ujbuN29QiSMw658OLFmRidVjo7Rhiy969ePGSn5hPVvy5rxURgROSdFXSRSRGxdst5KbEAVCpCe8iUSXgiWyJiYl86EMfYsOGDezdu5fPfe5zfPe738XpdHLzzTeHIkY5D73tQ7iG3JitJtJyEsIdzun5W92XjOvhNruF0oWZABzZ2gTAwuyFoYhMRGKUv91dZ9JFJIaVjJ1LV8u7SHQ5r7Hps2fP5vvf/z51dXX86U9/ClZMEkS+oXEZeYlYLBE6JX+c59FPNGO5Mf1/+KgdvLAwS0m6iIyPx+Old0jT3UUk9pXqXLpIVApK1maxWHjHO97B008/HYynkyDyT3aP1P3oMKEkvWh+BjaHBdtAAs6+YhZlLwpRcCISa/pHRvF4jfuqpItILCvJNJJ0TXgXiS4RWlqVYGmri/DJ7oOd0Flp3B9nuzuA1W4hZ57xB8/M9mXMzZgbguBEJBb1DBmt7narmTibNpWISOzShHeR6KQkPcb5K+mROtm9YZdxm14K8ekBXTpa2g7AzM7lOMyOIAcmIrGqZ1A70kVkavC3u7f34/V6wxyNiIyXkvQY5hpx091itDdFbCV9Aq3uPhXJexkxDxE3lExzVU+QAxORWOVP0nUeXURiXFFGAiYT9A6N0qE1bCJRQ0l6DOts7MfrhfhkGwkp9nCHc3rnkaTv7dpDVcY+AMq3tQQzKhGJYb52d1XSRSTWxdks5KfGA0Y1XUSig5L0GNbRaPwyzshLxGQyhTmaM/Al6QXLArrM5XFxoP0AxzKN68t3tOD1qI1LRM7teCVdSbqIxD7fGrbKNg2PE4kWStJjWFez8cs4LTdCz6P3t0F3LWCC3MCmsx/pPMKwe5guZz22OAv9XcNqeReRcenxrV+LU7u7iMQ+34R3DY8TiR5K0mOYP0l3xoc5kjNo3GXcZk6HuJSALt3buheA+c65lCzIBKBiV2swoxORGNUzONburkq6iEwBx9ewKUkXiRZK0mNYV/MgAGk5CWGO5AyajEQ70Co6wN4249qFWQspXZINGEm6JpeKyLn4KunJqqSLyBSgNWwi0UdJeozyerz+ye4Rm6Q37jFu8wJP0ve0Gtcuyl5E8fxMzFYT3S2D/nP4IiJn0jk24Tg9IUIHaoqIBFHp2Jn0qjatYROJFkrSY1Rf1zCjLg9mi4mUzLhwh3N6/kr6woAu6x7upqqnCoAFWQuwx1spnJMBQKVa3kXkHNrHkvSMRCXpIhL7CjMSMJugf8RNa99wuMMRkXFQkh6jupqMKnpqdjxmSwT+ax7ug/Zy436A7e772/YDMC1pGhlxRnJe5m95bwtejCISk3y7gjOVpIvIFOCwWshPG1vDpgnvIlEhArM3CYauSG91b94PeCEpF5KcAV26p+14q7tPyaIsTCZoremlp30wmJGKSIzpUCVdRKaYUp1LF4kqStJjVKd/snuEJulNEz+P7hsad2KSnpBiJ3d6KgCVqqaLyFm09xvtnpmJjjBHIiIyOfxr2DThXSQqKEmPUd3NEV5J9yXpAZ5H93q9/qFxC7NOvrbshCnvIiKnMzAyypDLA0BGkirpIjI1+Ce8K0kXiQpK0mNUZ8Qn6RNbv1bXW0fXcBc2s405GXNO+pkvSW8s72KwdyQoYYpIbPG1utstZhLtljBHIyIyOXwT3it1Jl0kKihJj0GjLje9HUNAhCbpbhc0HzDuB1hJ951Hn5MxB7vl5CpYSlY8WYVJeL1QuUct7yJyqhPPo5tMpjBHIyIyOXzt7tXtWsMmEg2UpMeg7tZB8II93kp8si3c4Zyq7Si4h8GeDOmlAV3qO4/+9lZ3H181XavYROR0tH5NRKaiwowELGYTAyNuWnq1hk0k0ilJj0Fd/qFx8ZFZKTrxPLo5sP8E97aOJenZZ0/Saw92MjI0OvEYRSQmdfSNrV/TeXQRmUJsFjPT0o01bJWa8C4S8ZSkxyB/kp4bga3ucMJ59MBa3UfcIxzsOAjAoqzTn2XPyE8kJTse96iHmv0d5xWmiMQerV8TkamqOFNr2ESihZL0GNQV6evXGncbtwGuXzvccRiXx0WaI43C5MLTPsZkMmnKu4ickdrdRWSqKs0cGx6nCe8iEU9Jegzqah4EInRonNc74fVrvqFxC7MWnrWN35ekV+9rxz3qmVicIhKTOvw70pWki8jU4l/Dpkq6SMRTkh6DuiJ5/Vp3LQx1g9kG2XMDutS/H/0M59F9cktTiE+xMzI4Sv3hzgmHKiKx53i7uyPMkYiITK7jSbrWsIlEOiXpMWaoz8VQvwuI0Hb3xrEqevYcsAZWyfJNdj/TeXQfk9lE6eIsQC3vInIytbuLyFRV6juT3t6Px6M1bCKRTEl6jOlqNT4dTUxzYHNYwhzNafiGxgV4Hr1zqJPa3loAFmQtOOfj/avYdrfh1R9EIjLGV0nXdHcRmWqmpcdjNZsYHvXQ3DsU7nBE5CyUpMeY3nbjl25KVlyYIzmDCZ5H91XRS1JKSHWknvPx02alY4uzMNAzQkt1b8Bhikhs0nR3EZmqrBYzhRljw+N0Ll0koilJjzE9bcbQuJTM+DBHcgb+9WuBVdJ9SfrCrPEl9xabmaJ5mQBU7lHLu4jAyKiH3qFRQIPjRGRqKhmb8K5z6SKRTUl6jOkZq6QnR2IlfaDDGBwHkHvulvUT7W0dS9LPMTTuRL5z6VV72gJ6LRGJTZ0DRhXdYjaREmcLczQiIpPPPzxOa9hEIpqS9BjTG8mVdF8VPb0E4s7dsu7j9XrHPTTuRMULMjGZTbTX9/s7DERk6mrvM5L09AQbZvOZ1ziKiMSq0rEkXe3uIpFNSXqM6WmL4DPpEzyPXt1TTc9IDw6Lg1nps8Z9XVyijbzpxocBlaqmi0x5Oo8uIlNdSaZ2pYtEAyXpMcTj8dLbMdbunhmBSbpv/Vru4oAu29NmXDc3Yy42S2Atqmp5FxGf9v5hQEm6iExdviS9umNAa9hEIpiS9Bgy0D2Mx+3FbDaRlB6BSfoE16/taTWS9EDOo/uULDSS9IYjXQwPuAK+XkRih3/9WqIjzJGIiIRHflocNouJkVEPDd06CigSqZSkxxBfq3tShiPyzlu6BqHtiHF/guvXAjmP7pOWk0B6bgIej5ea/R0BXy8isUPt7iIy1Z24hk0T3kUil5L0GNLTPjY0LisCh8a1HACvGxKyIDlv3JcNjQ5xpMNI7idSSQcoXZwN6Fy6yFTXriRdRITSsZb3Sk14F4lYStJjiH9oXESfR18IpvFX+Q91HGLUO0pGXAb5ifkTemnfufTqfe243Z4JPYeIRL+OsenumUlK0kVk6vJPeG9Vki4SqZSkxxDf+rXkSKykn+d59EVZizAFkNyfyFmSQnyyjZHBURqOdk3oOUQk+nUMqJIuIjLdmQTAsda+MEciImeiJD2G9LRHcCXdv34tsCTddx59oq3uAGazyT9Armq3Wt5FpiqdSRcRgenZStJFIp2S9BgSsWfSPR5o3m/cn+jQuOzAh8adqGSRkaRX7mnD69XKEZGpSNPdRURgxlglvb5rkMERd5ijEZHTUZIeI9xuD/2dxg7giNuR3lkJrgGwOCBj+rgvaxtso76vHhMmFmQuOK8QCudmYLGZ6W0foqNBZ7BEphq3x0vnWLt7eqItzNGIiIRPRqKd9AQbXi9UtKmaLhKJlKTHiL6OIbxesNrMJKREWCtnywHjNns2WKzjvmxvq1FFL0stI8medF4h2BwWCuekA1CplneRKadrYARfE016QoT9jhQRmWTHW95VuBCJRErSY4RvsntyZtyEB6yFTPNYkp4TWDU8GOfRT3Riy7uITC2+VvfUeBs2i/7oE5GpzZ+kt6iSLhKJ9E4lRvS0Reh5dIDmfcZtzryALtvTZgybW5gV3CS9paqH/u7hoDyniESHdv95dFXRRUSmO401bBoeJxKZlKTHiIie7O5rd8+ZP+5LPF4P+9uMYXPnOzTOJzHVQU5pCgBVqqaLTCma7C4ictwMp9rdRSKZkvQY0dvua3ePsEr6yAC0HzPuO8efpFd2V9Ln6iPeGs+MtBlBC8dXTVeSLjK1tCtJFxHx87W7V7T24fZo641IpFGSHiOOt7tHWCW99RDghYRMSHKO+7I9rUar+9yMuVjN4x82dy6lY0l67aFOXMNaOyIyVVSMtXROS08IcyQiIuE3LT0Bu8XM8KiHhq7BcIcjIm+jJD1G+NvdI+1M+omt7gEMtAvWfvS3y8hPJCUrDrfLQ+3BjqA+t4hErn313QAsKEgJcyQiIuFnMZsozTLOpZfrXLpIxFGSHgNGR9wM9hitnBG3I73ZOFceSKs7HK+kBztJN5lMankXmWI8Hi/7G3oAWFCQGuZoREQig394nCa8i0QcJekxoK/TmFRudVhwJASvNTwofEl6AEPjBlwDHO06CgRvsvuJfC3vVXvb8OgclkjMq2zvZ2DETZzN7D+HKSIy1R3fla4kXSTSKEmPAX1dRpKenO6IwB3pviR9/OvXDrQfwOP14Ix3kpuYG/SQ8mamYY+3MtjrormyJ+jPLyKRxdfqPi8vBYs5wn5HioiEiX/Ce4smvItEGiXpMaC/0ziPnpjmCHMkb9PXAgNtgAmy5477Mt959IXZwa+iA1gsZooXZAJQtac1JK8hIpHj+Hl0tbqLiPioki4SuZSkx4DesXb3pPQIS9J9VfSMMrCPf6KyP0kPQau7T+lio+W9crfOpYvEun31Oo8uIvJ2vsFx7f0jdI6tqRSRyKAkPQb0+5P0CB0aF0CrO4RuaNyJiuZnYjab6GwaoKt5IGSvIyLh5fV62dcwVknPV5IuIuKT6LCSn2q8d6xoUzVdJJIoSY8BfWPt7hFXSfevX1sw/ksGWmgeaMZsMjM/M7CJ8IFwxFvJn5UGGAPkRCQ21XQM0Ds0it1iZmaOhsaJiJxoRk4yAAcae8MciYicSEl6DPANjou8Svo+49Y5/kr63laj1X162nQSbONvkZ8IrWITiX2+Vvc5ecnYLPojT0TkREsL0wDYXtUR3kBE5CR6xxID+iLxTLp7FFoPG/cDWL+2u203AIuyQtfq7lOy0EjSG8q7GR5whfz1RGTy+VvddR5dROQUK0rSAdhW3RnmSETkRErSo9zoiJuhPiPBjKjp7h0VMDoEtgRILxn3Zb5KeijPo/ukZseTnpeI1+OlZr8+QRaJRf7J7jqPLiJyiqVF6ZhNUNc5SFP3ULjDEZExStKjnK/V3eqw4EiwhjmaE7SMDY3LngNmy7gucXvc7G83rgvlZPcTlS4aW8Wmc+kiMcfr9Z6wfi0lzNGIiESeJIeVuXnG78dt1SpYiEQKJelRzj/ZPc2ByWQKczQnaPYNjRt/q3t5VzmDo4MkWBMoSy0LUWAnKx5rea/e147H7ZmU1xSRydHQPUTngAur2cTs3ORwhyMiEpFWFI+1vFep5V0kUihJj3IRO9ndv35t/Em6bz/6gqwFWMZZfT9fuWWpxCXaGB4Ypamie1JeU0Qmx/6xKvrMnGQc1sn5nSIiEm1WlGQAqqSLRBIl6VHu+GT3CEvSfe3ugUx2H0vSJ6vVHcBsNlG8YKzlfU/7pL2uiIReeaux93e2Vq+JiJyRb3jcgYYe+oZHwxyNiICS9KjX1xGB69eGe6GzyrgfQCV9T+seABZmT16SDlC8UOfSRWJReYuRpE/PVpIuInImeanxFKTF4/HCrpqucIcjIihJj3oRWUlvOWTcJuVAYta4Lul39XOs6xgwOevXTlQ0PxOz2URn0wBdLQOT+toiEjrHWvsBmOFUki4icjbHV7Gp5V0kEihJj3K+M+kRtX6tJfDz6Pva9uHFS25iLtkJ2SEK7PQc8VbyZqYBUL1XLe8iscDr9XLMV0lXki4iclb+c+kaHicSEZSkR7m+zghsd2+e+Hn0ya6i+5QuMir+lXvU8i4SC1p6h+kbHsViNlGcmRDucEREIppvwvvOmk5Gte1GJOyUpEexUZeboT4XEGHt7hNYv+Y7j74oOzxJesnYvvTGo10MD2poiki0851HL8pI0GR3EZFzmJWTTLLDSv+Im0NNveEOR2TKU5IexfrHzqNb7WYcCdYwRzPG64Xmfcb9cSbpXq83LJPdT5SanUB6bgIej5ea/Wp5F4l2x1o1NE5EZLwsZhPL/PvSdS5dJNyUpEexEye7m0ymMEczprcRhrrAZIGs2eO6pKm/ibbBNiwmC3Mz54Y2vrMoWWi0vGvKu0j08092dyaGORIRkejga3nfWq1z6SLhpiQ9ikXkZHdfq3vmDLCN75z8njaj1X1W+izirfGhiuycSsbOpVfva8fj8YYtDhE5f75K+gxV0kVExsU3PG57VSder94HiYSTkvQo5pvsnhRJk939re4BDI1rDW+ru09uWQqOBCvD/aM0VXSHNRYROT/lmuwuIhKQJYVpWM0mmnqGqO8aDHc4IlOakvQo5p/snhFBk91bxirpzvEPjfOfR88Ob5JutpgpXmAMkKvSlHeRqNU75KK5x/j9qDPpIiLjE2+3ML8gFdAqNpFwU5IexXxJemTtSD9o3DrHd7bc5XGxv91Y2Rau9Wsn8rW8V2lfukjUOtbaD0B2soPUeFuYoxERiR6+c+nbqjU8TiSclKRHMX+7e6ScSfe4oe2IcX+cSfrRzqMMu4dJtiVTkloSutjGqWheBmazic7Gfrpb1eolEo18re46jy4iEpiVJb4J76qki4STkvQo1h9pg+M6q2B0CKxxkF4yrkt859EXZC3AbAr/f46OBBt5M41WL015F4lO/vVrmuwuIhKQ5cXG8LjDzb10D7rCHI3I1BX+rEgmxO32MNhn/PJMSImQJN3X6p41C8yWcV3im+we7vPoJ/KvYtO5dJGopEq6iMjEZCc7KM5MwOuFHTWqpouEi5L0KDXY4wIvmM0m4pMi5Mxla2Dn0eH40LhIOI/u40vSG452MTI4GuZoRCRQxyvpStJFRAK1ovj4KjYRCQ8l6VFqYGxycXyKHZPZFOZoxvgq6dlzxvXwnpEeKrsrgciqpKflJJCWk4DH7aXmgAaniESTkVEP1e0DAMxQki4iErAVJRoeJxJuStKjVH/3CACJqfYwR3KClkPGrXN8O9L3tRk71QuSCsiIywhVVBNSsnBsFZvOpYtElZqOftweL4l2C7kpEbSeUkQkSviGx+2q7WJk1BPmaESmJiXpUWqg26ikJ6RESJLuHoX2o8Z95/gq6b6hcZHU6u7jW8VWva8dj8cb5mhEZLxqOowqenFmIiZThHQZiYhEkenZSaQl2BhyeTjY2BPucESmJCXpUWqgx6ikJ6RGyNC4jgpwj4AtAVKLxnWJ7zx6JLW6++RNT8WRYGWoz0Vzpf6AEokWNWOt7oUZ8WGOREQkOplMJpYWpgEaHicSLkrSo5Sv3T0hUtrdWw4Yt9mzwXzu/6y8Xi97Wscmu2dFXpJutpgpmj/W8q4p7yJRo7ZzEICijIQwRyIiEr2WFRkt7ztqusIbiMgUpSQ9Svna3RMjpZLeGth59Lq+OjqHO7GarczNHP80+MlUskjn0kWija/dXUm6iMjELSseS9KrVUkXCQcl6VHKX0mPlDPpAU52951Hn5M+B4clQj5oeJuieZmYzCY6GvrpaRsMdzgiMg61Y0n6NCXpIiITtrgwDbMJ6rsGae4ZCnc4IlOOkvQo5R8cFynt7v5K+viq4pF8Ht0nLtFG3vRUQNV0kWjg9XpVSRcRCYIkh5XZuSmAquki4aAkPQp5vV7/4LiIaHcfHYH2cuP+OCvpe9oi9zz6iXxT3qv2toc5EhE5l47+EQZG3JhMUJCmwXEiIudjWVEaoOFxIuGgJD0KDfeP4nEba8Eiot29vRw8o2BPhtRp53y4y+3iULtReV+UHXnr107k25def6STkaHRMEcjImfjq6LnJMcRZ7OEORoRkeim4XEi4aMkPQr1j7W6xyXasFgj4F9h69h5dOccGMde4sOdhxnxjJDqSKUoeXzr2sIlPTeRVGc8nlEvtQc6wh2OiJyFWt1FRIJn+djwuL113QyPusMcjcjUEgEZngRqIOLWr42dRx9vq/vY6rUFWQswjSOpD7fjLe86ly4SyerG1q8VKkkXETlvxZkJZCTaGXF72N/QE+5wRKYUJelRqL9nbGhcJLS6w/Ed6eMcGuc7j74oK7Jb3X1KFhpJevW+djweb5ijEZEzqWk3KumFGTqPLiJyvkwm0/Fz6RoeJzKplKRHIV8lPSKGxkHgk93H1q9F+nl0n7wZqdjjrQz2umip0ifJIpFK7e4iIsG1dOxc+k6dSxeZVErSo1BEtbu7hqCjwriffe4kvWuoi5reGiDyJ7v7WCxmiuZnAFC1Ry3vIpGqtlNJuohIMPnOpW+r7sDrVTehyGRRkh6FfO3uEVFJbz8KXg/EpUJy7jkf7mt1L0kpIdWRGurogsbX8q5z6SKRyeX20NClM+kiIsG0pDCNBLuF5p5h9tR1hzsckSlDSXoUiqhKesvYZPfsueOa7L63Lbpa3X2KF2RiMkF7fT897YPhDkdE3qahaxCPFxxWM9lJEfABpohIDIizWbhijhOAZ/c2hjkakalDSXoU8q1gi4jBcb4kfbxD41qja2icT1yijdzpRuW/em97mKMRkber7TheRTebI39rhIhItLhxUR4Az+5pVMu7yCRRkh6FImpwXABD4zxeT9QNjTuRfxWbzqWLRBzf0LjCdE12FxEJpstmO0mwW6jvGmRXbVe4wxGZEpSkR5mRoVFcw24g0trdz70jvaq7il5XL3GWOGamzwxxYMFXOpak1x3pZGRoNMzRiMiJNNldRCQ04mwWrpybA8A/1PIuMimUpEeZgR6jim51WLDHWcMbzMgAdFYZ98dRSd/duhuAeZnzsJrDHPsEpOUkkJIdj2fUS91B7QsViSS1vkq6knQRkaC7QS3vIpMqIpL0n//855SUlBAXF8fq1avZsmXLGR/7wAMPcPHFF5Oenk56ejpXXnnlWR8fa/yt7pFwHr3tMOCFhExIzD7nw32T3RdnLw5xYKFhMpkoHZvyXqkp7yIRxbd+TUm6iEjwXTorm0S7hYbuIXaq5V0k5MKepD/22GPcc889fPWrX2XHjh0sXryYa665hpaWltM+/tVXX+V973sfr7zyCm+99RaFhYVcffXV1NfXT3Lk4eEfGhcRre5j59HHOdndPzQuCs+j+5QsygSgem8bXo8+SRaJFGp3FxEJnTibhSvnGS3vz+5Ry7tIqIU9Sf/hD3/IRz7yEe666y7mzZvHL3/5SxISEnjooYdO+/hHHnmET3ziEyxZsoQ5c+bwm9/8Bo/Hw/r16yc58vDwr19LiYShcb7J7uc+jz7gGqC8qxyI7iQ9b0Ya9jgLg70umqt7wh2OiAC9Qy66BlyAKukiIqFyw0Kj5f25vY14VKgQCamwJukjIyNs376dK6+80v89s9nMlVdeyVtvvTWu5xgYGMDlcpGRkXHanw8PD9PT03PSVzQb6DEq6YkRVUk/d5K+v30/Hq+H3MRcnAnOEAcWOharmaL5vmq6VrGJRIKGriEAUuNtJDmib96FiEg0uGRWNkkOq1reRSZBWJP0trY23G43OTk5J30/JyeHpqamcT3Hl770JfLz809K9E/0ne98h9TUVP9XYWHheccdTv5KekQk6b5K+rxzPtQ3NC7a9qOfTslCI0mv3N0a5khEBKCh29iRnpcaF+ZIRERiV5zNwlVqeReZFGFvdz8f3/3ud/nzn//MX//6V+LiTv/m7N5776W7u9v/VVtbO8lRBld/T4TsSB/ug+4a4/44JrvHwnl0n+KFWZjMJtrr++luHQh3OCJTXkOXkaQXpGlHuohIKF0/1vL+D7W8i4RUWJP0rKwsLBYLzc3NJ32/ubmZ3Nzcs157//33893vfpd//vOfLFp05sTP4XCQkpJy0lc0861giw/3dPfWw8ZtohMSTn/UwMfr9fqT9Gid7H6iuEQbBbPSAKjYqSnvIuHmS9LzlaSLiITUxTOzSHZYaeoZYmet1tGKhEpYk3S73c7y5ctPGvrmGwJ3wQUXnPG673//+3zjG9/g+eefZ8WKFZMRasQY7B1rd08Od5I+/qFxDf0NtA+1YzVbmZNx7sdHg7Ilxsq5il2n30IgIpOncexMel6a2t1FRELpxJb3Z9TyLhIyYW93v+eee3jggQf43e9+x8GDB/n4xz9Of38/d911FwB33HEH9957r//x3/ve9/jyl7/MQw89RElJCU1NTTQ1NdHX1xeuv4VJ4/V4Geo1JhjHhztJD+A8uq+KPjt9NnHW2HgTXbrYSNKbKnr8a/FEJDzq1e4uIjJpbliklneRUAt7kn777bdz//3385WvfIUlS5awa9cunn/+ef8wuZqaGhobj39S97//+7+MjIxw6623kpeX5/+6//77w/W3MGmGB0f9vwzjk2zhDcaXpI9jsnssnUf3SUp3kFNqHJ2o3K2Wd5Fwauw2KulqdxcRCb2LZmaRHGeluWeY7TVqeRcJhYjYVXP33Xdz9913n/Znr7766kl/XVVVFfqAIpSv1d0eb8ViC/PnK61j69fGMzSuLfaSdDBa3psre6jY2cKCSwrCHY7IlOTxeGnUdHcRkUnjsBot70/tqOfZPY2sLDn7bCIRCVzYK+kyfr4kPT45zFX0oW7oqTfun6OSPuIe4WC7UXVfnBX9Q+NO5DuXXn+4i6F+V5ijEZma2vqGcbm9mE2Qk6IkXURkMtwwNuX9n/ub8HrV8i4SbErSo8hAj5EIhn1oXMtYFT05H+LTzvrQQx2HcHlcpDvSmZY8LfSxTaK0nAQy8hPxeLxU72sPdzgiU1LDWKt7TkocNov+SBMRmQxrZ2SRYLfQ0D3E/oaecIcjEnP0jiaKHK+kR89k9xPPo5tMplBGFRb+Ke87W8McicjU5Fu/plZ3EZHJE2ezcMlM4z3QP/c3hTkakdijJD2KREy7u6+Snj2O8+gxODTuRL4kvWZ/O64Rd5ijEZl6tCNdRCQ8rp5vDHn+54HmMEciEnuUpEeRwb4IWb8WSCU9RofG+WQVJpGcEceoy0PtgY5whyMy5TSM7UjX+jURkcl1xRwnFrOJQ0291HYMhDsckZiiJD2KREy7+zh3pLcNtlHfV48JEwsyF0xCYJPPZDJRtlQt7yLhonZ3EZHwSEuws2pssruq6SLBpSQ9igz2+irpYWx3H+iAvrFfxNmzz/rQva17AZieNp0ke1KoIwsbX8t71d423G5PmKMRmVp869fU7i4iMvn8Le86ly4SVErSo4ivkh7W6e6+/eipheBIPutDfa3ui7Nja/Xa2+VOTyU+2cbwwCgNR7rCHY7IlFI/1u6uJF1EZPJdNc9I0rdWddDRPxLmaERih5L0KDIQCe3uvlb3c+xHh+ND4xZmLQxlRGFnNpsoXZQFqOVdZDINj7pp6xsGlKSLiITDtPQE5uWl4PHC+oNqeRcJFiXpUcLt9jDcPwpAfEoY293959HPPtnd7XGzt81od4/VoXEnKlvqBKBidytejzfM0YhMDU1jO9LjbGbSE8K89UJEZIryVdPXH2wJcyQisUNJepQYGpvsbjJBXDjfjPra3c+RpJd3lTM4OkiiLZGy1LJJCCy8ps1OxxZnYaB7hOaqnnCHIzIl1J+wfs1kMoU5GhGRqWndXKNQsaG8jZFRzeYRCQYl6VHCdx49LtmOyRzGN6PjbHf3nUdfkLUAi9kS6qjCzmIzU7IgE4BjO/RJsshk8K1fy09Vq7uISLgsyE8lK8lB3/AoW6u0jlYkGJSkR4nBHqOSnhDOye59rTDQZtw/x2R333n0RVmx3+ruM3258Uly+Y4WvF61vIuEWqO/kq71ayIi4WI2m7h8trHp5uVDKlSIBIOS9CgREUPjWseq6OklYE8860N9SXqsT3Y/UfH8TGwOC30dwzRXquVdJNQatH5NRCQiXDHHKFQoSRcJDiXpUWIwEpL0lrHz6NlnP4/eM9JDRXcFAAuzY3uy+4msdgslY1Pey7frDymRUFO7u4hIZLhoZhY2i4nKtn4q2/rDHY5I1FOSHiUGe4129/hwtrv7KunOs59H39e2D4DC5EIy4jJCHVVEmeFred/eoinvIiHW0KVKuohIJEiOs7Gq1HjPp2q6yPlTkh4loqmS7j+PPgVWr71d0fwM7HEW+ruGaaroDnc4IjGtcWwFW26qzqSLiITb5bN9Le/aly5yvpSkRwlfkp4QriTd64WWA8b9c6xfm4pD43ysNguli43hKUfV8i4SMr1DLvqGRwHIU5IuIhJ2vnPpWyo7/L+fRWRilKRHiYFwt7v3NcNQF5jMkDXrjA/zer3+9WtTaWjciWasMP6QOrajBY9a3kVCornHqKInx1lJdFjDHI2IiJRlJ1GSmYDL7WXD0dZwhyMS1fTOJkqEvd3dtx89vRRsZ65a1fTW0D3cjd1sZ1b6mZP5WFY4NwNHgpWB7hGajnWRPzM93CGJxJym7mEAclNURRcRiRSXz3Hy241VvHaklWsX5IU1lpGhUdrr+2mr7aWjsZ/REbe/eJKY6iAlM46U7HhySlJwJIRx5pPIaShJjxJhT9Jbx86jj7PVfV7mPGyWqfkLz2I1U7okm0NvNnJ0W4uSdJEQaOrReXQRkUhzyaxsI0k/3IrX68VkMk3q63s9XuqOdHJwQwPHdrXiGR1HR6MJMvOTyJ+VxvQl2eTNTMNsnty4Rd5OSXoUcA27GR3xAGFsdx/nefTdrbuBqTk07kQzljs59GYjx3a0cPHts/TLXiTIfO3uOaqki4hEjDWlmditZhq6hzjW2scMZ/KkvXbtgQ5ef+wIXc0D/u8lptrJKkwmsyAJR4IVk9mE1+ulv3OYnvYhOhv76W4dpL2+j/b6Pva+Ukd8ip0Zy53MvzifzPykSYtf5ERK0qOAr4putZmxOSzhCcI/2f3s69em8mT3E02bk44j0cpgr4uGI51MmzO1VtGJhFpjt7F+TUPjREQiR7zdwurSDN442sarh1snJUnv7x5m4xPlHN1qTJW3x1uZtSqHeWvzyS469+sP9IzQWN5F9b52Kna1Mtgzwt5X6tj7Sh35M9NYdPk0ypZkY1LBRSaRkvQoMHBCq/tktw0BxmT3cbS7D7gGONx5GIClzqWTEVnEsljMTF+SzYGNjZRvb1GSLhJkvjPpqqSLiESWS2dl88bRNl470sq/XVwW0tdqONrJc7/ax1CfC5MJFl4+jdU3lWGPH3+Kk5BiZ/oyJ9OXObn0/bOpPdjBwY2NVO5upeFoFw1Hu0jPTWD5tcXMXJmD2aK52xJ6+q8sCgyGe7J7TwMM94DJApkzzviwvW178Xg95Cfm40xwTmKAkWnG8hwAju1sxeP2hDkakdjia3fX4DgRkchy6SxjFe2Wyg6GXO6Qvc7+N+r5vx/tYqjPRea0JG79zxVcfNusgBL0t7NYzZQszOK6f1/IHd++kOXXFeNIsNLZNMBLDx/k0fs2c2xHC16vtvdIaClJjwL+oXEpYZ7snjkDrI4zPmxXyy4AFjun5uq1tyuYnUZcko2hPhf1h7vCHY5ITNHgOBGRyDTDmUReahzDox42VbQH/fm9Xi8bnyzn1UcO4/F4mbHCybu/uBxncUpQXycpPY41t0znjm9dyJp3lBGXZKO7ZZDnf72PJ7+/naaK7qC+nsiJlKRHgfBPdh9L0p1nP4++q3UXAEuyl4Q2nihhtpiZvtT4NLl8e3OYoxGJHS63h7a+sRVsStJFRCKKyWTyV9NfP9IW1Of2er1s+tsxdr1YA8Dqm0u5+sPzsdlDN7PJHm9l+bUl/Ms3L2DFDSVY7WaaK3t48n+289qjhxkecIXstWXqUpIeBQZ7jP/5E8I22d03NO7M59E9Xo9/svsS55JJCCo6zFgx1vK+qxW3Wt5FgqKldxivF2wWExkJYfrwUkREzuiSsST9tSMtQX3e7c9VseMFI0G/9P2zWXF96aTNa7LHWVl9Uxkf/MYFzLkgF7yw7/V6Hv3aZo5ua1YLvASVkvQoMNhnVNLjkiK3kl7ZXUnvSC/x1nhmpc+apMAiX/7MNOJT7Az3j1J7oCPc4YjEhKZuo9XdmRyn9YYiIhFo7YwsLGYTx1r7qescOPcF47DnlTo2P11pPP+tM1hwSUFQnjdQiakO1t05j3d8dilpOQkM9Izwz9/s55mf7aanbTAsMUnsUZIeBYb6wjg4zuM5Xkl3zjvjw3zn0RdmLcRq1tIAH7PZxMwVxhC9I5ubwhyNSGzwJelqdRcRiUyp8TaWFKYBsOHo+be81x/uZMNfjgKw6qZSllxZdN7Peb4KZqfz3v9exaqbSjFbTdTs7+BP921m9/pavB5V1eX8KEmPAoNjSXpcYhiS9O5acPWD2QYZZ16j4TuPvjhbQ+PebvbqXAAqdrcxMjga5mhEop+GxomIRL61M7IA2Hjs/IbH9XUO8cJv9uH1eJm9OpcV15cEIbrgsNjMrLyhlPf+9yoKZqcx6vKw4S9H+b+f7KS3Yyjc4UkUU5IeBXyV9LikMCTpLQeM26xZYDnz6/sq6TqPfqrsomTScxNwuzwc2xncs1kiU5HWr4mIRL610zMBeLO8Dc8EK8tul4fnfrWPwV4XWYVJXPqB2ZN2Bj0Q6bmJ3PKZpVz6/tlY7WbqD3fx569v5tCmRp1VlwlRkh4FBvvH2t3DmaTnnLnVvXOok6qeKkCV9NMxmUzMGqumH1bLu8h587e7K0kXEYlYS4vSibdZaO8f4XBz74Se482/ltNS1YMjwcp1H1sY0inu58tkMrHgkgJu/+9V5JalMDLkZv3DB3n+V/v8m5pExktJeoQbdbkZHXYDYRoc1zyWpJ/lPPqe1j0AlKaWkupInYyoos6sVcaU9/ojXWp/EjlPOpMuIhL57FYzq0ozANhYHvi59Pojnex5uQ6AK++aR0pWfFDjC5U0ZwLv/Nwy1ryjDLPFRMWuVv709c1U7QnuOjqJbUrSI9xQn3GG2Ww2YY8Lw6eHLedO0rUf/dxSMuPJn5kGXjiyRdV0kfOhM+kiItFh7Qyj5T3QJN017Obl3xvbheZdlE/JwqygxxZKZouZ5deWcOt/riAjP5HBXhfP/mIPrz5yCNdY8U3kbJSkR7ihfqM9xpFkm/wzOKMj0HbEuH+WdnedRx+f2Wt8Le/apSkyUV6v93iSrnZ3EZGI5hset6WyA5fbM+7r3vrrMXrahkjKcLD23TNCFV7IZRcm8557V7D4ykIA9r/RwGPf2kJzVU+YI5NIpyQ9wvkmu4flPHp7OXhGwZ4MqYWnfYjL42Jf2z5AlfRzmb7MicVmprOxn7bavnCHIxKVOgdcjIwab/ScKY4wRyMiImczNzeFjEQ7/SNudtd2jeuahqOd7H3VaHO/4oNzscdH92pfq83CRbfO5ObPLCExzUF3yyBPfn87W5+txBPABxcytShJj3BD4Vy/5m91nwtnqOIf6TjCkHuIFHsKJaklkxdbFHLEWyldZHyifHiTWt5FJsJ3Hj0z0Y7DGrkDhERExDiueUGZ0fK+YRwt7x6Pl9f/bOxDn3dRPoXzMkIa32QqnJPBe7+8ihnLnXg9Xrb8vZK//mAH3a0D4Q5NIpCS9Ag3FM5K+jgmu5+4H91s0n9O5+LbmX5kW7M+PRWZAN/6tRy1uouIRAVfy/ub5efel35wYwPt9X04Eqxc8I7poQ5t0sUl2rj63+Zz5V3zsMdZaKro4bFvbuXAxgYdhZSTKKuKcENj69cc4UjS/ZPd55/xITqPHpjC+RnEJdkY7Bmh9lBnuMMRiToaGiciEl18w+N21nbSPzx6xscND46y+ekKAFbeUEpcON77TgKTycTs1bnc/uVV5M9MwzXs5pU/HDJWtfVpVZsYlKRHOP+Z9LC0u+83bp1zz/iQ3a27AZ1HHy+LxczMFcY6NrW8iwSusVuVdBGRaFKUkUBBWjwut5ctVR1nfNy2ZysZ7HWRnpvAgssKJjHC8EjJjOeWzy7lgndO969q+/PXt1C9/9wdBxL7lKRHOP+Z9Mn+NHG4F7pqjPs5p6+kN/U30djfiMVkYUHWgkkMLrr5Wt4rd7UyMnTmT5RF5FTNY0l6nirpIiJRwWQycZG/5f3059K7WgbY84oxLG7trTOxWKZGimI2m1h2TTG3fmkF6XmJDPSM8MxPd/Pqo4f1HnGKmxr/B0SxobG2l0k/k95yyLhNyoWE0w/t8FXRZ6XPIsGWMFmRRT1nSTJpOQmMujxU7GwNdzgiUUXr10REos+F/n3pp68Sb32mEo/bS9H8DIoXZE5maBEhuyiZ2+5dwaLLpwGw//V6/vT1zdSoqj5lKUmPcEP9xqdocUn2yX3hEye7n4HOo0+McRZprOV9s1reRQLhm+6eo0q6iEjUuHC6UUk/0NhDe9/wST/raOznyNZmANbcEnvD4sbLardw8e2zuOUzS0jJiqOvY5i//3Q3L//+IMMDrnCHJ5NMSXqE8w2QmPQVbP7J7mceGqfz6BM3a5XR8l53uJOe9sEwRyMSPXyVdLW7i4hEj+xkB3NykwF4q+Lk6vDWZyvBC2VLsskuSg5HeBFl2pwM3vvl1UZV3QQH32zk0fs2U7nn3CvsJHYoSY9wYTuT3nz2oXFDo0McbD8IqJI+ESlZ8RTMTgevBsiJjNeQy033oPE7UYPjRESii6+afmLLe3t9H+XbWgBYeWNpWOKKRDaHUVV/5+eWkZaTwED3CP/4xR6e/9Ve+jqHwh2eTAIl6RHMNeJmdMTYpT35Z9KNBBzn6Xek72/fz6h3FGe8k7zEvEkMLHbMvdD453bwzUa8Hu3GFDkXX6t7vM1CSpw1zNGIiEgg1vrPpR+vCG95phKA6cucZE1LCktckSx/Rhq3/9dKll5VhMls4tjOVh792mZ2vVSDx+0Jd3gSQkrSI5ivim62mLDFWSbvhftaYKANMEH2nNM+ZGfLTgAWOxdjMpkmL7YYMn1pNvZ4K73tQ9Qd0c50kXPxrV/LTY3T7x0RkSizuiwTi9lETccAtR0D1B/uNAbommCVquhnZLVbuPDdM7jt/1tBblkKrmE3G58o5/Fvb6PxWHe4w5MQUZIewU5sdZ/UN6S+VveMUrCffmr7tuZtACzPWT5ZUcUcq93CrJXGALmDGxvDHI1I5GvWZHcRkaiV5LCypDANgDf2NfPib435R/MuyicjPzGMkUWHrGnJvOvzy7n8g3NwJFppVr6aswAAPlxJREFUr+/jqf/Zzsu/P0h/9/C5n0CiipL0CDbUP5akT/rQuLO3urs9bv9kdyXp52fuWqPlvWJnq//ft4icnn/9mobGiYhEpbXTM8ELNS/U0d81TFpOAhfdOjPcYUUNk9nEvIvy+cB9a046NvnIVzax/fkqRkfcYY5QgkVJegTzVdIn/zz6WCX9DJPdD3cept/VT5ItiZlp+sV6PrKLksksSMI96uHo2PoRETk9//o1VdJFRKLS6oI0Vg1bSW53YbaauPrD87E5JvFIZ4yIT7JzxR1zedcXluMsTsY17GbT3yp45GubOLK1Ca9Xs46inSbvRLDBsE12P/uO9O3N2wFY6lyKxaxfrOfDZDIxd20eGx4/yoGNDSy4tEBnbUXOwJek56Y4whyJiIicy0DPCI3Humip6qWluof2+j4Ge11civG+dsa6aVq5dp7ypqdy65dWcGRrM5v+doy+jmFefPAAe16uY+27Z5A3Iy3cIcoEKUmPYEO+HelJ9sl7UY8HWg8Z952nr6TvaN4BwLKcZZMVVUybvTqXt546RlttHy1VveSUpoQ7JJGIdLzdPT7MkYiIyNu53R4aDndRtbeNusOddDT0n/Zxw3YTu00jJOcoDQkGk9nE7NW5lC3NZvdLNWx/oYbmyh6eun8HRfMzWX1zKc5ivbeMNvq/I4L5B8clTuK/pq4qcA2AxQEZZaf82Ov1sqPFSNJX5KyYvLhiWFyijenLszmyuZn9b9QrSRc5g2adSRcRiShej5e6w50c3txE1Z42hgdGT/p5ZkEiOSUpOEtSyCpMJj03gV9urOS1F4+QVNnJHRdqqnuw2OwWVlxfyty1+Wz5eyUH32ykZn87NfvbKVuazaobS8ks0Jq7aKEkPYL5BonFT2Yl3dfqnj0LLKf+51HZU0nHUAcOi4P5maevtEvgFlxcwJHNzRzd1szaW2fgSJjkIw4iEc7t8dLSa0yv1XR3EZHwGuwdYf8b9RzY2Ehv+5D/+/HJNkoXZVE4L5OC2WmnfQ+7pszYl765sh2v16tjfkGWmOrg8g/OYenVRWx9tpIjW5qp2NlKxa5WZq7IYeUNJaTnapp+pFOSHsHCcibdP9n99Am47zz6ouxF2CxKJIMld3oqGfmJdDT0c3hzM4sunxbukEQiSlvfMG6PF7MJsibzg0sREfHrbh1g10u1HHyzEbfLA4A93sqslTnMXJlD7vRUzOazJ92LC1NxWM209Y1wrLWPGU6dSw+FNGcCV901n+XXlLDlmQqO7Wjl6FajIFS2JJvl1xarDT6CKUmPYP4VbJOapPsmu59+/ZovSdfqteAymUzMvzifNx47yv436ll4mQbIiZzINzTOmRyH1aLFJCIik6mnbZCtz1ZyeFMTvsHhzuJkFl4+jenLnNjs4x8k7LBaWFaUzlsV7Wyq6FCSHmIZ+Ylc+9GFtNb0svXZSip3txmV9Z2tFM5NZ9m1JRTMStP7zgijJD2ChWUF2zl2pPuHxjk1NC7YfAPkOhr6aaroIW96arhDEokYvqFxOTqPLiIyaQZ7R9jy90oObGjA4zGy86L5GSy7upj880jsVpdljCXp7XxwTXEwQ5YzyC5K5vqPL6K9oY+dL9RwZGsztQc7qT3YSU5pCovXFTJ9aTZmfRAeEZSkRzB/u3viJCXpo8PQdtS4f5okvaGvgcb+RqwmK4uzF09OTFOII8HGjJU5HHqzkX2v1ylJFzmB1q+JiEwej9vDvtfr2fL3Sv8wuMK56ay6uYzc0vN/f2KcSz/K5soOnUufZJn5SVx51zxW3VTKzhdrOPhmI82VPfzzN/tJSnew4NIC5l9UMPkroOUkStIjlGvE7T/rM2n/k7QdAa8b4lIhJf+UH29t2grAvMx5JNgSJiemKWbBJQUcerOR8u0trH33TBJSdPZWBI5X0vO0fk1EJKQ6Gvp58bf7aavtAyBzWhIXv2cmBbPTg/YaSwrTsFvNtPYOU9HWz/RsTR2fbClZ8Vz6vtmsvKGUfa/Vse/1evo6h9n0twq2PVvFrDW5LLp8Gpn5+ncTDkrSI5Sv1d1sNWFzjP+cz3k5sdX9NJ9obmnaAsDK3JWTE88U5FtT0lLVw4GNDay4riTcIYlEhOaxSnqOJruLiISE1+tl32v1bHyyHLfLgyPByppbyph3ccE5h8EFKs5mYWlhGpsrO9hc0aEkPYwSUuysuqmM5deWcHRbM7tfrqWtto8DbzRw4I0G8makMv/iAqYvy8Zqm6ScRJSkRyr/efRE2+S1ADWPDY07Tau71+v1J+mr8lZNTjxT1KLLCnjp4R72v17PsquLdDZIBGj0tbunqt1dRCTYXCNu1v/2AMd2tgJQNC+DK+6cS2IIf+euKctkc2UHmyraef/qopC9joyPxWZmzgV5zF6TS2N5F7tfrqNydxuN5d00lnfzxuNW5qzJY/7F+VrhNgmUpEeowb4RAOImc9VQy9iOdOfcU35U21tLU38TVrOVpc6lkxfTFDRjeQ4bnyynr3OYyj1tTF/qDHdIImHX3KNKuohIKAz2jvDsL/bQXNmD2WriwnfOYNHl0zAFuXr+dqvLMmC99qVHGpPJRP7MdPJnptPfNcyBjQ0c2NBAX+cwu9fXsnt9LXkzUpmzJo/py5044pVOhoL+qUaoIf+O9ND8K/J6jPPumEzHfyk2jyXpOafuSN/ctBmARVmLiLfqTGgoWWxm5l2Uz/bnqtn7Sp2SdJnyvF6vzqSLiIRAV8sAf//pbnpaB3EkWrn+44vIn5E2Ka+9rCgdu8VMc88wVe0DlGapOhtpEtMcrLyhlOXXlVCzv539bzRQvfd4df31x45QtiSbOWtymTY3I+jHIqYyJekR6vhk9+BU0j39/fS+/DID27YzuHMnw0eP4lt0aXI4iF8wj4ShbhJz7MQ75/H2/8W2NhpD41bnrQ5KPHJ28y8uYMcLNdQf6aK9vo/MAp3Vkqmrd3iUgRE3ALmqpIuIBEVP+yD/96Od9HUOk5IVx413L57UNuY4m4UlhWlsqepgc0W7kvQIZjabKFmYRcnCLPo6hzmypYlDbzXS2TTA0a3NHN3aTGKqnVmrc5mzJo+MfP27PF9K0iPUUH9wdqSPVFXR8eijdD/1Vzx9fad9jHd4mIHtOxkgmbb9yTjedxeZH/4QKddei8lmw+v1+ivpq3J1Hn0yJGfEUbY4i2M7W9nzah2Xf2BOuEMSCRvf+rWUOCvxdg2tERE5XwM9Izz9k130dQ6TnpvAO+5ZFpaNMmvKMthSZZxLf+8qnUuPBknpDpZdU8zSq4toqe7l8FuNHNnWTH/3CDv/WcPOf9bgLE5m5socpi9zkpyhD9cnQkl6hCqen4ndYSVr2sQqqJ7+flr/30/p+MMfYKy13VZcRPIV64hftpT4BQswxcWB14u7s5OBx+9n4NV/0NuQxPChQzR84Yu0/r+fkvf1+2ick03HUAcOi4NF2YuC+bcpZ7HoikKO7Wzl8KYm1txSRvxkzicQiSD+Hemp+oNeROR8DQ+4ePr/7aK7ZZDkjDhu/vSSsK18XV2WCS+Xa196FDKZTOSUpJBTksLaW2dSta+NQ281UbOvnZbqXlqqe9n4RDm5ZanMWOFkxjIniWka/jpeStIjVG5ZKrllqRO6tu+NN2j66tdwNTQAkHjpJWR88F9IXHshJvOpk8KtGRk45nhJH+7CvfLDdNY66fjDH3HV1lJz14dou2op8Qu8LC5dit2iRHGy5M1IJbsomdaaXva/3sCK60vCHZJIWPjOo+fqPLqIyHnxeLz88zf7aa/rIz7Fzs2fWUJSevg+AF1WlI7NYqKxe4iajgGKM2OjTdo7Ooq7qwvPwACegQG8IyP+n5nsdsxJyViSkzAnJWGyRH+HmMVmZvpSJ9OXOhnoGeHYjhaObmum8Vg3TRXG14a/HCV/RhozljuZvswZtg+GooWS9BjT/tuHafne9wCwFRSQ+7WvknTxxee+sGkvAJbpK8i64XrSP/gvtP7wB3Q++ieyXtzJ/2yBhv8qDWXo8jYmk4nF6wp56bcH2PtqHUuvKsJi0zo2mXp8O9JzU/QJvIjI+dj6TCU1Bzqw2szc9KnFpDkTwhpPvN3C4mlpbKvuZHNFR9Ql6aPt7f5ZT8NHyxmuqmS0pRV3e7t/9tO5mBMSMCcnY83OxpaXhzUvF1tePra8PGz5ediLi7GkTqxwFw4JKXYWXjaNhZdNo69zmGM7Wijf3kxTRQ8NR7toONrFG48doWB2OjOWOylbmq1u0dNQkh4jvF4vrT/8Ee0PPABA2vveS84XvoA5YRy/fEeHofWQcT93IQCWpERyv/IVkq65hu2f+RDOTg/ZX3mcHvsyUq69NlR/G/I2M5Y7eeuvx+jvGubo9mbmrMkLd0gik67RV0nX0DgRkQmr3NPGtn9UAXDZB+eQXZgc3oDGrCnLZFt1J5sq2rltZWG4wzkrr8tF/+Yt9L70IgNbtjJSUXHWx5sTEjAlJGCy2zCNjWX2jIzg6e3FOzxs/PVYtX20uZmhfftO+zyWjAzsZaU4Skuxl5Rin15G3Ny5WJ3OiD4ikJTuYPG6QhavK6S3Y4jybUbC3lLdS92hTuoOdfLan44wbXYaZUudlC3JVoV9jJL0GOD1emn62n10PfYYANn33EPmR/5t/P/Tth4GzyjEpULqtJN+VD09iS/daeKev1tZeGyY+s98luFPHCXrU3dH9C+FWGGxmll4WQGb/lbBrpdqmb06V//cZcqp7xwEIC9N7e4iIhPR3TrAS781Vu0uvHwas1fnhjmi41aXZfCzV4joc+lDhw/T+cij9L7wAu7u7pN+5pg5k7h5c7HPmIFj+nRsublYnU4s6elnbWX3jozg7uvD09eHu6eX0ZYWXI0NjDY24mpoxNXYiKuujtHWVtwdHQx2dDC4bftJz2HJzCRu7lzja95c4hYuxFZQEJH/DJMz4lh6dRFLry6iu3WQ8u3NlG9voa22j9qDndQe7OS1Px0mb3oq05caFfapPHROSXoM6Hj4d0aCbjaTe9/XSH/PewJ7grFWd3IXwdv+p97YsJH+eBMbP3sZl+4souPBh2j7xS8Y7Wgn98tfjolzNJFu/sUFbPtHFe11fdQf7mTanIxwhyQyqWo7BgAozghvW6aISDTyeLysf/ggI4Oj5JalsPbdM8Id0kmWF6djNZuo7xqkrnOQwgj5Xe/1eul75VU6Hn6YgS1b/N+3ZGSQfNVVJF16CQnLlmFJS5vQ85vsdqwZGZDhe183/7SPc/f1M1JVxUhlpfFVVWm011dU4m5vp3/DBvo3bPA/3pqdTfzSpcQvW0rCsmXEzZ2LyXZ+26KCLTU7nuXXlrD82hK6mgc4trOFip2ttFT3+newb/jLUZzFyZQtzWb6UidpOZHx38VkUZIe5fo3b6Hl/vsByLn33sATdDghSV94yo/ebHgTgAunXUTOlbdjLyyi6b776PrzY3h6esj/7ncx2dWWEkpxiTbmXpDH3tfq2flijZJ0mVLcHi91Y5X0SHnjJiISTfa8XEvjsW5sDgtXfXg+FmtkzbdJsFtZNC2VHTVdbKpoD/vveq/XS/+bb9L6458wtHfsPbLFQvJVV5F++20krFyJyTp5KZQlKZH4BfOJX3ByEu8ZGmL4yBGGDhxk6MAB4+vwYUb///buOz6qOt//+Gtm0sukV0hC6C1EaogKqLA0Cy6uIHoVy9WHil5Z7A1kFxfL9V7L+pO73t2LXRcV7AiCICIt9JqlJKSQQhLS+8z5/REyGilCSDKT5P18PPJIcs6Z7/mcPL45M5/zbcePU7ZiBWUrVgBg8vLCOyEB7yFD8BkyGO8hQ7D4u8ZQB4DACB9Hwl5WVM2R7cc5vD2fnMMljlniNy47QnC0Lz0Gh9F9cDghXXxdsrdAS1KS3o7V5eaSPWcO2GxYr7maoH+7qXkFnSFJL68tZ2f+TgAujr4YgKAbpmOx+pP96GOUfv0N9uoaur7ysss9oetoEsfFsueHbDL2FlGQVUZoV9e5uYq0przSamptdtzMJqK0BJuIyHkpzqtk42cN46Yv+UNPrCGuOWxoZPeQk0l6EdcPc9649JojR8hbsICKnzYAYPL2JujGGQT/27/hHuVa8wKZvbzwHjQI70E/L49sr66mevduKrdtp2rbNip37MBeUkLlli1UbtlCIYDZjFe/fvgMH47PiBH4DBuKxWp12nX8kn+wl2MMe2VpLUd2HOfIjuNkHzhB0bEKio5VsOWrdALCvB0t7OFx/pjMHS9hV5LeThl2O9kPPoStsBDPvn2Jmj+/eU+UDAPyTibpEQOb7Nqcu5l6o54Y/xhirD/fMK2TJ2P2t5J1332Ur17NscefIPr559T1vRUFhHnTc2g4B1Py2fZtBuPvOH2XKJGOJuNkV/cuQd64WVyr9UdExJXZ7Qar3tqHrc5OTL8g+l8a7eyQziipewj/b81hNqcXOuX89upqChYtovDv/4C6Okzu7gTOuIHQu+7CLTTUKTE1h9nLqyH5Hj4caMgXao8coXL7dqq2bady61bqMjKo3ruX6r17KVq8GEwmPPv1xXf4CHxGDMdn6NBmd+FvST5WDwaO7sLA0V2orqgjfXcBh7cdJ3NfESXHq9i+IoPtKzLwDfQkPjGU7heFEd07EEsH+aygJL2dKvn8c6q2bsXk40PXV1/B7N3MJ6MlmVBdAmZ3COvbZJejq/vJVvRf8ht1KV1ffYXMWfdR+uWXmH18iJz/TIfveuJMg8fHcTAln0MpeYyc0h1rqGs+DRdpSY1Jeqy6uouInJe9P2STe6QUdy8Ll9/cz6U/ow2NC8JsgsyiKo4VVxHdhhOFVu3ew7GHH6Y2PR0A39GjiHz6aTxiXHum+XNhMpvx7NkTz549HUNi6/LyqNy8hcrNm6ncsoXa9HRq9u2nZt9+it56qyFp79sXn+HD8B0xAp9hw5yetHv5utN3ZBR9R0ZRW13P0T2FHNl+nKN7CqkormHP2mz2rM3mxmeSCIpsX8v4nYmS9HbIVl5B/ksvARB6z914xMY2v7DGru5hfcGt6djysyXpAH5jxtDlxRfIfvAhiv/5TywhwYQ/8EDzY5GzCov1J6Z/MJn7itixMoPRM/o4OySRVpepJF1E5LxVl9ex6fOGbu7J1/Zw+Vmy/TzdGNglgF1ZJWxJL2LKRV1a/ZyGzUbhm29y/K+vQ309buHhRDz1JP6/+51LP9C4UO4REQRcfRUBV18FQF1evqM7fOXmzdSmpVGzfz81+/dz4u13APDs06eha/zwYfgMH45bUJDT4vfwcqPXsAh6DYvAVmcn80ARaTsLKMmv7DAJOihJb5cKF72B7XgB7nGxBM+ceWGFOcajN+3qnlmaSWZZJm4mN0ZEjjjjy62TJmErLyf36bkUvrEIrz59tI56KxoyPpbMfUXs+ymHYVfGay1J6fDUki4icv42fX6Emsp6Qrr4MWCU63Zz/6Wk+GB2ZZWwKa31k/T6EyfInjOHyg0bAfCfOJGoZ+Y5vcXYGdwjwgm46koCrroSgPrjx6ncsoWKzZup3JJC7eHD1KSmUpOayol3TibtvXqdHNPe0LXeLSTEKbFb3M10SwilW0L7GZJwrpSktzM1aWkUvvU20DCbu/lCZ1bPPf149MZW9MTwRPw8/M5aRND111N7+AhFixdz7PEn8OjWDa++fc/6GmmeLn2CCI/zJ/9oGTtXZZL8+x7ODkmkVSlJFxE5PwVZZexdlw3AqOm9MLeTMboj4kN4c10am9OKWvU81QcOkDXrPuqyszH5+BA1by7Wa67p0K3n58MtLAzr5MlYJ08GoL6ggMqUFCo3b6Zi82ZqDx1uWALu4EFOvP8+AB49evzcPX74cNzCwpx5CR2CkvR2Jv+ll6CuDt8xo/G/7LILL/DYjobv0Rc12bz+2HrgzF3dfy38oQepOXiQivXrybp3Ft0++dipXWE6KpPJxNBJ3fhm0W52r8li8PhYvHw1s750XBmFDUm6s5fkERFpDwzDYN1HBzEM6DksnC69289nseHdGmI9lF9OQXkNoX6eLX6Osu++I/uhhzGqq3GPiyXmr3/Fs1evFj9PR+IWGop14kRHT9n6wkIqU7Y6xrTX/Otf1B4+TO3hwxR/+BEAHt26OWaP9x48GPfoKEzm9vGwyFUoSW9HatLSKF+1GoCIRx658ALLj0NpFmCCyJ+Xb6iz1bE5dzMAl0Rfck5Fmdzc6PJfL5E2bRp1RzPIeexxui56Q08lW0F8YighXfwozC5n5+pMkq7u7uyQRFpFeU09hRW1AMSGKEkXEfkt6bsKOHawGDd3MxdP7enscM5LoI8HfSP9OZBbxpa0IiYltOySZ8WffELO03PBbsd31Ci6/OeLWAICWvQcnYFbSAjWCeOxThgPNAwdqNq61dE9vubAAWrT06lNT6d4yRIATJ6eeMTG4B4bh0dcHB6xsbh37Yp7ZARukZFY/M7ea7czUpLejpx45x0wDPzGjMGzRwt0c87Z0fA9pCd4/bw+4pa8LVTUVRDiFUK/kH7nXJwlIICur75K+vXTKF+7lhPvvEvwLTdfeJzShMlkYtjkbnz75h52rc7ionGxeHrrX1k6nsZJ4wJ93LF6qceIiMjZGHaDTV+kATBobIzLTxZ3OiPigzmQW8amFk7SC//+d/Jf/E8AAv5wXcPSxVo6uEW4BQXhP24c/uPGAWArKaFy6zZHS3t1aipGTQ01Bw9Rc/DQacsw+/riFhmJe0RD0u4eGYFbeASWkGDcgoOxBAXjFhyE2WrtNC3y+mTfTtiKiyleugyA4NtubZlCHV3dBzfZvDZzLQBjYsZgNp3fP4JXnz6EP/IIeQsWkP/ii/iMGK7x6a2gx+AwgqJ8OZFTwe7vMxk2Od7ZIYm0OI1HFxE5d0d2HKcwqxx3LwuDf3cBK/840Yj4YN7ecLRFx6UXLPofjr/8MgAhd/47YXPmqKdnK7IEBOB/xeX4X3E5AEZ9PXU5OdSmH6U24yi1Rxu+6o/lUJeXh720FHtFhaPL/NkLt2AJCsItKAhLcDCWoCAsAQFYrFYsAVaCbrwRs0/H+MygJL2dOLFkCUZVVcMSCElJLVPose0N33+RpBuGwdqsk0l61zHNKjbophupWL+e8u+/J3vOg8R/vKTD/MO4CpPZxLDJcaz8+z52fJfJoMtj8FBrunQwjS3pGo8uInJ2ht1g85cNreiJY2Pa7Xw1I7oFA7A/t5SSqjoCvC/sOorefc+RoIc9OIfQO++80BDlPJnc3PCIiTm57vylp+y3V1RQl5dPfV4udXl51OfmUZeXS31uHraiIupPnMBWVIS9vBxsNmwFBdgKCk57rsAbZrTy1bQdfapvB4y6Ok68+x4Awbfe2nJP/xq7u/9i0rhDxYfILs/Gw+zByKiRzSrWZDIR9ZdnSbtmCrVHjpD/8stEPvHEhccrTfQcGsGWL9Mpzqtk5+pMhl+p1nTpWNSSLiJybg5ty6foWAUe3m5cNDbG2eE0W7jVi/hQX9IKKth6tIgr+kY0u6ziZcvIW7AAgNBZs5Sguyizry+e3ePx7H72z7H22lpsJ040fBUVUV908ufSEmwlJdhLyzD7dpzPC0rS24HS5d9Sn5eHJTQU65WTW6bQsjwozebXk8atyVwDwMjokfi4N7+iuwUFEfWXv5B5552ceOddrOPH4zNs2IXFLE2YzSZGXB3Piv/dy/aVGSSM6YqXX/t8ci5yOkrSRUR+m2E32HKyFf2icTF4+rTvzwIjugWTVlDBpiPNT9LL168n58mnAAi65WZC75vVkiGKE5g9PDBHROAe0fwHN+1J5xh5384Vf/IJAEEzbrjwddEbNbaih/YGz59nVFyTtQZoflf3X/IbdSkB100Fw+DYk09ir6q64DKlqZ5Dwgnp6kddtY1tK446OxyRFqUkXUTkt6XtKuBEbiWePm4kXtF+W9EbjezR0OX9p8OFzXp9bUYG2XMeBJuNgCnXEPHYYxqDLu2OknQXV19QQOXmhuXQAqZMabmCTzNpXEFVAbuP7wZaJkkHiHj0UdwiIqg7msHxl19pkTLlZyaziZFTGpZg2/19FhUlNU6OSKRl2O0GWUUND/aUpIuInNnOVZkADBjVpUPMT3NJj1AA9hwr4cTJZTjPla28gqxZs7CXlOCdmEjkn//caWYDl45FtdbFlX77LdjteA0ahEfXri1XsGPSuIscm9ZlrcPAoH9IfyJ8W6YricVqJepP8wEoevttqnbubJFy5WdxA0OI7G6lvs7O1q/TnR2OSIvIK6um1mbHYjYRFdD+lhESEWkL+UdLOXawGLPZRMJlLfg50YnCrV70jvDDMGDDkXNvTTcMg5zHH6Pm4CHcwsLo8uqrLdcDVaSNKUl3cWXfLAfAOmlSyxbsmDTu55b0xvHol3W9rEVP5TdmDAFTrgHDIGfeMxj19S1afmdnMpkYOaUHAHt/PEZxXqWTIxK5cBmFDfW4S6A3bha9VYmInM6O7xpa0XsOD8cvyNPJ0bScS3o2tKb/eOj0s3ifzol336Ns5XeY3N3p+tfXcI8Ib63wRFqdPvm4sLq8fCq3bgXAOnFCyxVclgtlOWAyQ2QCABV1Faw/th6Ay2Iua7lznRT+yCOYAwKoOXCAorffafHyO7sufYKIHRCC3WawYelvrDEp0g40jkePC1FXdxGR0ykrqubw1nwALhrbPtdFP5NLTybp688xSa85eJD8F18EIPzRR/FOTGy12ETagpJ0F1b27XIwDLwHD8Y9KqrlCm4cjx7aBzx8gYZW9BpbDXHWOPoG9225c53kFhJCxMMPAXD8tdeoy85u8XN0dhdf1wOTCY7sOM6xgyecHY7IBUkrqAC0RrqIyJnsXpOF3W7QpXcgYbH+zg6nRSV1D8FiNnG0sJLMorP3ELTX1pL90MMYtbX4jh5F0E03tlGUIq1HSboLK/36G6AVuro7xqP/3NV9eXpDt/oJ3Sa02gyYAVOn4j10KEZVFbkLnm2Vc3RmIdF+9B/VBYAflxzCsBtOjkik+fYcKwWgX5TVyZGIiLie+lob+348BkDiuI7Vig7g5+nG4JhA4Ldb04//98vUpKZiCQoi+tlnNZO7dAhK0l1U3bFjVO3YASYT/hNasKs7QNaWhu9dhgBQWlvK+uyGru4Tu01s2XP9gslsJuqZeeDmRvn331O+dm2rnauzGnFVPO5eFo5nlPGvzbnODkekWQzDYHdWMQCDugQ4NxgRERd0aGs+NZX1+Id40W1giLPDaRXnMi69audOihYvBiDq2WdxCwtri9BEWp2SdBdVuvxbAHyGDm3ZiS/sdshKafg5ZgQA32d8T529jh4BPegV1KvlznUanr16EXzzzQDkPfc8Ru35La0hZ+dj9WDoxDgANiw9TG21JumT9ifrRBUnKutwt5joG9WxunCKiLSEvesaWtH7XxqNydwxW44v7dWQpP90uBD7aXoHGnV15MydB4ZBwJRr8L/i8rYOUaTVKEl3USYvT9yio/Cf3MJd3QtSoaYE3H0hfADwi67u8S3cYn8GoffegyUkhNq0NIree79NztmZJI6NwRrqRUVJLSlfpTs7HJHztju7BIA+kf54ulmcHI2IiGspzC4n90gJZrOJfhe34JxFLuaimEB8PSwUVdSyP7f0lP1Fb7/T0M09IIDwRx91QoQirUdJuosKvvFGen73HUF/+EPLFpy5ueF7lyFgcaO4upiNxzYCrdvV/Zcs/v6E/3E2AAWvv0594bmvgSm/zc3dwqjpvQHYuSqTomMVTo5I5Pw0JukJXQKdG4iIiAtqbEWPTwzFN6DjLLv2a+4WM0ndG7ryf7cvv8m+2qxsjv/1r0DDCkJuwcFtHp9Ia1KS7sJMZjMmD4+WLbQxST/Z1X1VxirqjXr6BPUhPiC+Zc91FgG//z1e/ftjLy/n+MuvtNl5O4tuCaF0GxSK3W7ww0epGIYmkZP2Y3dWY5Ku8egiIr9UV2sjdVPDnDMDTk4W25FdNaihp8C7m45SU28DwLDZyJ03D6OqCp9hwwiY+ntnhijSKtycHYC0sayTSXrXhiT9q7SvAJgY3zat6I1MFgsRTz3J0RtvovjjjwmacQNe/fu3aQwd3ahpvcjcX0R2ajEHU/LoPTzS2SGJYNTXU5ebS11mJvVFRdgrKrBXVmLy8MDi74/Zz5+a7fuJNTwY5Nadqt27qc/Lo76gEHtVFfaqSqi3Yfb1xeznh1tYKF79++MWEaEZfUWkwzuUkk9tVT3WUC+69g1ydjit7qpB0Ty//AB5pTV8vuMY1w+L4fgrr1Kxfj0mT08i/zRf937pkJSkdyaVRVDwr4afuw4nrSSNLblbMJvMXNX9qjYPx2fIEKxXXknpV1+R+5e/EPfOO7rRtiBrqDdDJ8ax+Ys0flxyiNj+IXj5ujs7LOlE7JWVVB84QPWePVTv3UvVnr3UpqeDzXbW1/2p8YfVkH6O57KEhOCbNILAadPwSUrSvUREOhzDMNi9Jgvo2BPG/ZKHm5lbL47n+eUH+PuPaYzP3UXh3/4GQNSCBXh27+7kCEVah5L0zqRxVveQnuAbwsdb/gHA6C6jifR1Titr+EMPUrZqFVUpWylbvrzl14Tv5IaMj+PgljxO5FayfslBxt6q3grSeury8qjcvIXKLVuo2r6dmsOHG1aU+BWThwfuXbviFhra0CLu44NRV4etrJSi/BMU5hYSYKvG36jDEhSEW3j4z8d6e2Nys2CvqMBWXkFdVhY1hw5hKyyk9OtvKP36Gzy6dcN39CjcQsNwCw3Fa8AAPHv3UuIuIu1a1v4THM8ow83dTP9Lop0dTpu5cUQsr60+iH3/XrL/8T+YgJB/v4OAq9u+gUmkrShJ70x+0dW9xlbDZ4c/A+D6Ptc7LST3qChC7rqTgldfI++FF/G77DLM3t5Oi6ejsbibueKWfnzy4lYObMyl5/AI4gZ0zPVUpe3V5edTuWEDFZs3U7klhbqMjFOOcQsLw2vgQLwGDMBr4AC8+vRp6JpuPv2UKO9/vZ//+eEI/zYylgXXJpxTHPbqaqr37afki88p/exzatPTG1rsfxlHRAS+oy4laMYMvAcMOO9rFRFxtpRv0oGGseje/i08Z5ELs3qamVuxjX7rPsBkr8d31CjC/vhHZ4cl0qpcIkl//fXXefHFF8nNzSUxMZHXXnuNESNGnPH4JUuW8PTTT5Oenk6vXr14/vnnmTx5chtG3E5lbmr4HjOclUdXUlJTQqRvJJdEX+LUsEJuv52Sjz+h7tgxjr/yKuGPPqIWrxYU2T2AQZd3ZdfqLNa8d4AZc5Pw8HKJf31pZ+zV1VSmbKVi/Xoq1q+n5l//anqA2YxXv374DB+Oz7CheCUMwj0i/LzOsevkpHGDzmNmd7OXFz5DBuMzZDDhDz5E2YoV1KYdof54AXU5OVTt2EF9Xh4lH39CySefEjBlCmF/nI17RMR5xSYi4iw5h4o5drAYs8XERb+LcXY4babmSBo5TzxB4o4dAGwJ70OPex8n1qLlOaVjc/on9Y8++og5c+awaNEikpKSePnll5kwYQKpqamEh5/64e6nn35ixowZLFy4kKuuuor333+fa6+9lm3btjFw4EAnXEE7YbdB9raGn2OSWLLtBQCm9pqKxezcG53Zy4vwRx8l+4EHKFq8GHtlJZFPP4XJXeOnW8rIKT1I31VAaUE1n7+ygytu6UdwlK+zwxIXZxgGNf866EjKK1NSMGpqfj7AZMJrwAB8RybhM3w43kOGYPH3b/b57HaDPSeXXxvYzJndLX6+BP5qpt/GhwslS5dS+tVXlCxbRuny5YTcfjshd9yO2Vf/CyLi2rYuPwpA35GR+AV5OTma1mfYbBS98w7H//tljJoazL6+rBl3EwvphccnB3jV3ZuJAzUhrnRcJsPJazMlJSUxfPhw/npyrUO73U5MTAz3338/jz322CnHT58+nYqKCr788kvHtpEjR3LRRRexaNGi3zxfaWkpAQEBlJSUYLVaW+5CWtiP279kX8aGFivPvbaEmLSPsVm82DTkaZZkvIwZM08kvEuAR2iLnedC+H/1KUGLX8dkGFQlDqPsdxpr1JIqytw5etCK3W7GZDIIjazEy6fe2WGJC7KUluCelYF7dgbmyvIm++x+Vmrje1LbrQd1sd2x+/i02HnLq228t+ko7hYzL99wEZZWmBSpNv0oxUuXUnvkCAAWawD+43+HJUDLvYmIa6quhU3bLZgwuGa8DaufsyNqJXYDW/EJ6vOPU/HTT1SdbD33vTiZqAULsIVF8B8fbGfFvjzMJnhwfB96hOkhq/xsXL8I3Cyuu8L4+eShTk3Sa2tr8fHx4eOPP+baa691bJ85cybFxcV89tlnp7wmNjaWOXPmMHv2bMe2efPmsWzZMnbu3HnK8TU1NdT8ouWntLSUmJgYl0/Sn/y/3/O5+VCrnqOurD/VWbe06jnOV1LOXh5LeRcvW52zQ+mQqj2DSO19A4Uh6nUiIiLSnkTkbWHA/sXODqPNmHx8iHjkEQKnT3MMg6y32Xly6R4+Ssl0cnTiivbOn4Cvp9M7ip/R+STpTr2KgoICbDYbEb8aFxgREcGBAwdO+5rc3NzTHp+bm3va4xcuXMj8+fNbJuA2FOITTZ+StBYt0wAKLOFUmXww4UG42x/wjHOtNTZtcZfyj+4xXLHxM7yrK5wdTocUULASS00GZQEDMUwa0yWnspst1Hh4Ue3hTa2HJwZtN0eEyWQiKsCLAO/WH+5iGAb1+fnYSkrAuZ3KRETOys2oo7/PEbyHDHF2KK3KEhiIW1gY7pERWK++Bo+uXZrsd7OYee66BHqG+7FiX65u3dKEuQPNaeW6jxpayOOPP86cOXMcvze2pLu6OdNfZ85vH9ZBXQzMcHYQIiIiIi5kprMDcAkmk4k7R3fnztFaI106Lqcm6aGhoVgsFvLy8ppsz8vLIzLy9JNBREZGntfxnp6eeHp6tkzAIiIiIiIiIq3IqSPrPTw8GDp0KKtWrXJss9vtrFq1iuTk5NO+Jjk5ucnxACtXrjzj8SIiIiIiIiLthdO7u8+ZM4eZM2cybNgwRowYwcsvv0xFRQW33XYbALfccgtdunRh4cKFADzwwAOMGTOGl156iSuvvJIPP/yQlJQU/va3vznzMkREREREREQumNOT9OnTp3P8+HHmzp1Lbm4uF110EcuXL3dMDpeRkYHZ/HOD/8UXX8z777/PU089xRNPPEGvXr1YtmyZ1kgXERERERGRds/p66S3tfayTrqIiIiIiIh0DOeTh7ruau8iIiIiIiIinYySdBEREREREREXoSRdRERERERExEUoSRcRERERERFxEUrSRURERERERFyEknQRERERERERF6EkXURERERERMRFKEkXERERERERcRFK0kVERERERERchJJ0ERERERERERehJF1ERERERETERShJFxEREREREXERStJFREREREREXISSdBEREREREREXoSRdRERERERExEUoSRcRERERERFxEUrSRURERERERFyEknQRERERERERF6EkXURERERERMRFKEkXERERERERcRFuzg6grRmGAUBpaamTIxEREREREZHOoDH/bMxHz6bTJellZWUAxMTEODkSERERERER6UzKysoICAg46zEm41xS+Q7Ebrdz7Ngx/P39MZlMzg7nrEpLS4mJiSEzMxOr1erscKQdUd2R5lLdkeZS3ZELofojzaW6I83V1nXHMAzKysqIjo7GbD77qPNO15JuNpvp2rWrs8M4L1arVTcdaRbVHWku1R1pLtUduRCqP9JcqjvSXG1Zd36rBb2RJo4TERERERERcRFK0kVERERERERchJJ0F+bp6cm8efPw9PR0dijSzqjuSHOp7khzqe7IhVD9keZS3ZHmcuW60+kmjhMRERERERFxVWpJFxEREREREXERStJFREREREREXISSdBEREREREREXoSRdRERERERExEUoSXdRr7/+Ot26dcPLy4ukpCQ2b97s7JDExTzzzDOYTKYmX3379nXsr66uZtasWYSEhODn58d1111HXl6eEyMWZ/rhhx+4+uqriY6OxmQysWzZsib7DcNg7ty5REVF4e3tzbhx4zh48GCTY4qKirjpppuwWq0EBgZyxx13UF5e3oZXIc7wW3Xn1ltvPeVeNHHixCbHqO50TgsXLmT48OH4+/sTHh7OtddeS2pqapNjzuW9KiMjgyuvvBIfHx/Cw8N5+OGHqa+vb8tLkTZ2LnXnsssuO+Xec/fddzc5RnWn83njjTcYNGgQVqsVq9VKcnIy33zzjWN/e7nnKEl3QR999BFz5sxh3rx5bNu2jcTERCZMmEB+fr6zQxMXM2DAAHJychxfP/74o2PfH//4R7744guWLFnC2rVrOXbsGFOnTnVitOJMFRUVJCYm8vrrr592/wsvvMCrr77KokWL2LRpE76+vkyYMIHq6mrHMTfddBN79+5l5cqVfPnll/zwww/cddddbXUJ4iS/VXcAJk6c2ORe9MEHHzTZr7rTOa1du5ZZs2axceNGVq5cSV1dHePHj6eiosJxzG+9V9lsNq688kpqa2v56aefeOutt1i8eDFz5851xiVJGzmXugNw5513Nrn3vPDCC459qjudU9euXXnuuefYunUrKSkpXHHFFUyZMoW9e/cC7eieY4jLGTFihDFr1izH7zabzYiOjjYWLlzoxKjE1cybN89ITEw87b7i4mLD3d3dWLJkiWPb/v37DcDYsGFDG0Uorgowli5d6vjdbrcbkZGRxosvvujYVlxcbHh6ehoffPCBYRiGsW/fPgMwtmzZ4jjmm2++MUwmk5Gdnd1msYtz/bruGIZhzJw505gyZcoZX6O6I43y8/MNwFi7dq1hGOf2XvX1118bZrPZyM3NdRzzxhtvGFar1aipqWnbCxCn+XXdMQzDGDNmjPHAAw+c8TWqO9IoKCjI+N///d92dc9RS7qLqa2tZevWrYwbN86xzWw2M27cODZs2ODEyMQVHTx4kOjoaLp3785NN91ERkYGAFu3bqWurq5JPerbty+xsbGqR3KKtLQ0cnNzm9SXgIAAkpKSHPVlw4YNBAYGMmzYMMcx48aNw2w2s2nTpjaPWVzLmjVrCA8Pp0+fPtxzzz0UFhY69qnuSKOSkhIAgoODgXN7r9qwYQMJCQlEREQ4jpkwYQKlpaWOljHp+H5ddxq99957hIaGMnDgQB5//HEqKysd+1R3xGaz8eGHH1JRUUFycnK7uue4tdmZ5JwUFBRgs9maVAyAiIgIDhw44KSoxBUlJSWxePFi+vTpQ05ODvPnz2fUqFHs2bOH3NxcPDw8CAwMbPKaiIgIcnNznROwuKzGOnG6+07jvtzcXMLDw5vsd3NzIzg4WHWqk5s4cSJTp04lPj6ew4cP88QTTzBp0iQ2bNiAxWJR3REA7HY7s2fP5pJLLmHgwIEA5/RelZube9p7U+M+6fhOV3cAbrzxRuLi4oiOjmbXrl08+uijpKam8umnnwKqO53Z7t27SU5Oprq6Gj8/P5YuXUr//v3ZsWNHu7nnKEkXaacmTZrk+HnQoEEkJSURFxfHP//5T7y9vZ0YmYh0JjfccIPj54SEBAYNGkSPHj1Ys2YNY8eOdWJk4kpmzZrFnj17msydInIuzlR3fjmvRUJCAlFRUYwdO5bDhw/To0ePtg5TXEifPn3YsWMHJSUlfPzxx8ycOZO1a9c6O6zzou7uLiY0NBSLxXLKLIN5eXlERkY6KSppDwIDA+nduzeHDh0iMjKS2tpaiouLmxyjeiSn01gnznbfiYyMPGXyyvr6eoqKilSnpInu3bsTGhrKoUOHANUdgfvuu48vv/yS77//nq5duzq2n8t7VWRk5GnvTY37pGM7U905naSkJIAm9x7Vnc7Jw8ODnj17MnToUBYuXEhiYiKvvPJKu7rnKEl3MR4eHgwdOpRVq1Y5ttntdlatWkVycrITIxNXV15ezuHDh4mKimLo0KG4u7s3qUepqalkZGSoHskp4uPjiYyMbFJfSktL2bRpk6O+JCcnU1xczNatWx3HrF69Grvd7vhgJAKQlZVFYWEhUVFRgOpOZ2YYBvfddx9Lly5l9erVxMfHN9l/Lu9VycnJ7N69u8mDnpUrV2K1Wunfv3/bXIi0ud+qO6ezY8cOgCb3HtUdgYZcqqampn3dc9psijo5Zx9++KHh6elpLF682Ni3b59x1113GYGBgU1mGRR58MEHjTVr1hhpaWnG+vXrjXHjxhmhoaFGfn6+YRiGcffddxuxsbHG6tWrjZSUFCM5OdlITk52ctTiLGVlZcb27duN7du3G4DxX//1X8b27duNo0ePGoZhGM8995wRGBhofPbZZ8auXbuMKVOmGPHx8UZVVZWjjIkTJxqDBw82Nm3aZPz4449Gr169jBkzZjjrkqSNnK3ulJWVGQ899JCxYcMGIy0tzfjuu++MIUOGGL169TKqq6sdZajudE733HOPERAQYKxZs8bIyclxfFVWVjqO+a33qvr6emPgwIHG+PHjjR07dhjLly83wsLCjMcff9wZlyRt5LfqzqFDh4w//elPRkpKipGWlmZ89tlnRvfu3Y3Ro0c7ylDd6Zwee+wxY+3atUZaWpqxa9cu47HHHjNMJpOxYsUKwzDazz1HSbqLeu2114zY2FjDw8PDGDFihLFx40ZnhyQuZvr06UZUVJTh4eFhdOnSxZg+fbpx6NAhx/6qqirj3nvvNYKCggwfHx/j97//vZGTk+PEiMWZvv/+ewM45WvmzJmGYTQsw/b0008bERERhqenpzF27FgjNTW1SRmFhYXGjBkzDD8/P8NqtRq33XabUVZW5oSrkbZ0trpTWVlpjB8/3ggLCzPc3d2NuLg448477zzlobLqTud0unoDGP/3f//nOOZc3qvS09ONSZMmGd7e3kZoaKjx4IMPGnV1dW18NdKWfqvuZGRkGKNHjzaCg4MNT09Po2fPnsbDDz9slJSUNClHdafzuf322424uDjDw8PDCAsLM8aOHetI0A2j/dxzTIZhGG3Xbi8iIiIiIiIiZ6Ix6SIiIiIiIiIuQkm6iIiIiIiIiItQki4iIiIiIiLiIpSki4iIiIiIiLgIJekiIiIiIiIiLkJJuoiIiIiIiIiLUJIuIiIiIiIi4iKUpIuIiIiIiIi4CCXpIiIi7dStt97Ktdde6+wwREREpAUpSRcREXFBJpPprF/PPPMMr7zyCosXL3ZKfG+++SaJiYn4+fkRGBjI4MGDWbhwoWO/HiCIiIg0j5uzAxAREZFT5eTkOH7+6KOPmDt3LqmpqY5tfn5++Pn5OSM0/vGPfzB79mxeffVVxowZQ01NDbt27WLPnj1OiUdERKQjUUu6iIiIC4qMjHR8BQQEYDKZmmzz8/M7pbX6sssu4/7772f27NkEBQURERHBm2++SUVFBbfddhv+/v707NmTb775psm59uzZw6RJk/Dz8yMiIoKbb76ZgoKCM8b2+eefM23aNO644w569uzJgAEDmDFjBs8++ywAzzzzDG+99RafffaZo+V/zZo1AGRmZjJt2jQCAwMJDg5mypQppKenO8puvKb58+cTFhaG1Wrl7rvvpra21nHMxx9/TEJCAt7e3oSEhDBu3DgqKiou/I8uIiLiApSki4iIdCBvvfUWoaGhbN68mfvvv5977rmH66+/nosvvpht27Yxfvx4br75ZiorKwEoLi7miiuuYPDgwaSkpLB8+XLy8vKYNm3aGc8RGRnJxo0bOXr06Gn3P/TQQ0ybNo2JEyeSk5NDTk4OF198MXV1dUyYMAF/f3/WrVvH+vXr8fPzY+LEiU2S8FWrVrF//37WrFnDBx98wKeffsr8+fOBhh4GM2bM4Pbbb3ccM3XqVAzDaMG/ooiIiPOYDL2riYiIuLTFixcze/ZsiouLm2y/9dZbKS4uZtmyZUBDS7rNZmPdunUA2Gw2AgICmDp1Km+//TYAubm5REVFsWHDBkaOHMmCBQtYt24d3377raPcrKwsYmJiSE1NpXfv3qfEk5OTw9SpU9m4cSO9e/cmOTmZyZMn84c//AGz2Xza2ADeffddFixYwP79+zGZTADU1tYSGBjIsmXLGD9+PLfeeitffPEFmZmZ+Pj4ALBo0SIefvhhSkpK2LFjB0OHDiU9PZ24uLgW+fuKiIi4ErWki4iIdCCDBg1y/GyxWAgJCSEhIcGxLSIiAoD8/HwAdu7cyffff+8Y4+7n50ffvn0BOHz48GnP0Zjk7969mwceeID6+npmzpzJxIkTsdvtZ4xt586dHDp0CH9/f8e5goODqa6ubnKuxMRER4IOkJycTHl5OZmZmSQmJjJ27FgSEhK4/vrrefPNNzlx4kQz/lIiIiKuSRPHiYiIdCDu7u5NfjeZTE22NbZgNybT5eXlXH311Tz//POnlBUVFXXWcw0cOJCBAwdy7733cvfddzNq1CjWrl3L5Zdfftrjy8vLGTp0KO+9994p+8LCws5+YSdZLBZWrlzJTz/9xIoVK3jttdd48skn2bRpE/Hx8edUhoiIiCtTki4iItKJDRkyhE8++YRu3brh5tb8jwX9+/cHcEzg5uHhgc1mO+VcH330EeHh4Vit1jOWtXPnTqqqqvD29gZg48aN+Pn5ERMTAzQ8aLjkkku45JJLmDt3LnFxcSxdupQ5c+Y0O34RERFXoe7uIiIindisWbMoKipixowZbNmyhcOHD/Ptt99y2223nZJkN7rnnnv485//zPr16zl69CgbN27klltuISwsjOTkZAC6devGrl27SE1NpaCggLq6Om666SZCQ0OZMmUK69atIy0tjTVr1vAf//EfZGVlOcqvra3ljjvuYN++fXz99dfMmzeP++67D7PZzKZNm/jLX/5CSkoKGRkZfPrppxw/fpx+/fq1yd9LRESktSlJFxER6cSio6NZv349NpuN8ePHk5CQwOzZswkMDHRMAvdr48aNY+PGjVx//fX07t2b6667Di8vL1atWkVISAgAd955J3369GHYsGGEhYWxfv16fHx8+OGHH4iNjWXq1Kn069ePO+64g+rq6iYt62PHjqVXr16MHj2a6dOnc8011/DMM88AYLVa+eGHH5g8eTK9e/fmqaee4qWXXmLSpEmt/rcSERFpC5rdXURERFzG6WaFFxER6UzUki4iIiIiIiLiIpSki4iIiIiIiLgIdXcXERERERERcRFqSRcRERERERFxEUrSRURERERERFyEknQRERERERERF6EkXURERERERMRFKEkXERERERERcRFK0kVERERERERchJJ0ERERERERERehJF1ERERERETERfx/m7lPGxkkVwYAAAAASUVORK5CYII=", "text/plain": [ "
" ] @@ -958,43 +981,19 @@ } ], "source": [ - "import numpy as np\n", - "import matplotlib.pyplot as plt\n", - "\n", - "# Slicing to take only the last 296 timesteps\n", - "last_hidden_states = hidden_states_for_plot[-296:]\n", - "\n", - "# Apply the nonlinearity to each hidden state before averaging\n", - "rectified_tanh = lambda x: np.where(x > 0, np.tanh(x), 0)\n", - "hidden_states = rectified_tanh(np.array(last_hidden_states))\n", - "\n", - "# Calculate the mean across all batches for each time step\n", - "mean_activations = np.mean(hidden_states, axis=1)\n", - "\n", - "# Plot the PSTHs for the first few neurons\n", - "neurons_to_plot = 5 \n", - "time_steps = mean_activations.shape[0]\n", - "plt.figure(figsize=(12, 8))\n", - "\n", - "for i in range(min(neurons_to_plot, hidden_states.shape[2])):\n", - " plt.plot(range(time_steps), mean_activations[:, i], label=f'Neuron {i+1}')\n", - "\n", - "plt.xlabel('Time Steps')\n", - "plt.ylabel('Average Activation')\n", - "plt.title('PSTHs of Hidden Units in SimpleRNN')\n", - "plt.legend()\n", - "plt.show()\n" + "# Plot hidden units in SimpleRNN\n", + "plot_hidden_unit_activations(hidden_states=hidden_states_for_plot, timesteps=296, neurons_to_plot=5, title='PSTHs of Hidden Units in SimpleRNN')" ] }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 15, "id": "825b011e-0fa3-4e5f-a423-0074f069f30c", "metadata": {}, "outputs": [ { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAA+kAAAK9CAYAAABYVS0qAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjYuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8o6BhiAAAACXBIWXMAAA9hAAAPYQGoP6dpAAEAAElEQVR4nOzdd3xUZdbA8d+dnknvlXR6B+koIFhQUez1FWxr77qurr0s9rL2tmJjXSs27IIiICq9QwIJaaT3ZOq97x+TCQkJEEKSScL5+hln5s4tz0yG5J77nOc8iqZpGkIIIYQQQgghhPA5na8bIIQQQgghhBBCCA8J0oUQQgghhBBCiG5CgnQhhBBCCCGEEKKbkCBdCCGEEEIIIYToJiRIF0IIIYQQQgghugkJ0oUQQgghhBBCiG5CgnQhhBBCCCGEEKKbkCBdCCGEEEIIIYToJiRIF0IIIYQQQgghugkJ0oUQQvicy+Xi73//O3369EGn0zF79uwO2/eSJUtQFIUlS5YcdN2pU6cyderUDt1nT5KcnMzcuXM79Rht/YyPJIqicP/99zc+nz9/PoqikJWV5bM2tVdXfIeEEKK3kyBdCCF8wHsS7r1ZLBb69evHddddR2FhYbN1s7KyuOSSS0hLS8NisRATE8MxxxzDfffd1+q+9ndLTk4G4P7770dRFEpKSlptW3JyMqecckqnvv99/ec//+GJJ57grLPO4u233+bmm2/e77pTp05lyJAhrb6WlZWFoig8+eSTndVUnzvQ+y8pKWkR8B2OzZs3c//99/eIYDEzM5Mrr7yS1NRULBYLQUFBTJo0ieeee476+npfN69bWbRoUYd9Rw7Ge0HLe9Pr9URFRXHWWWexZcuWFuvPnTsXRVEYNmwYmqa1eF1RFK677rrG595/84qi8Mknn7RY/2C/74QQojsy+LoBQghxJHvwwQdJSUnBZrPx22+/8fLLL7No0SI2btyI1WolIyODMWPG4Ofnx6WXXkpycjIFBQWsXr2axx57jAceeIBjjjmGd999t9l+L7/8csaOHcvf/va3xmUBAQFd/fba7OeffyY+Pp5nnnmmw/d9zDHHUF9fj8lk6vB99zbbtm1Dp9t7/X7z5s088MADTJ06tfEiz+H6/vvvO2Q/TX399decffbZmM1mLr74YoYMGYLD4eC3337j9ttvZ9OmTbz22msdftzO8n//93+cd955mM3mTtn/okWLePHFF7ssUAe44YYbGDNmDE6nk/Xr1/PKK6+wZMkSNm7cSExMTIv1N2zYwKeffsqZZ57Z5mM8+OCDnHHGGSiK0pFNF0KILidBuhBC+NDMmTM56qijAE9gHR4eztNPP83nn3/O+eefzzPPPENNTQ1r164lKSmp2bZFRUUApKamkpqa2uy1q666itTUVC666KKueSOHqaioiJCQkE7Zt06nw2KxdMq+e5vOCgqb6uiLJbt27eK8884jKSmJn3/+mdjY2MbXrr32WjIyMvj666879JidTa/Xo9frfd2MDnX00Udz1llnNT7v378/V199Ne+88w5///vfm63r5+dHnz59DinoHjFiBGvXruWzzz7jjDPO6PD2CyFEV5J0dyGE6EaOPfZYwBN4gCeFNyEhoUWADhAVFdVl7frggw8YPXo0gYGBBAUFMXToUJ577rmDbldbW8utt95Knz59MJvN9O/fnyeffLIxjdWbqrp48WI2bdrUmLbakWO99zd+/LXXXiMtLQ0/Pz/Gjh3L0qVLW90+NzeX2bNn4+/vT1RUFDfffDN2u73VdVeuXMmJJ55IcHAwVquVKVOmsGzZsmbreNNvMzIymDt3LiEhIQQHB3PJJZdQV1fXIe+5vcdrOp54/vz5nH322QBMmzatxc/mr7/+4oQTTiAiIgI/Pz9SUlK49NJLD9qefceke38+H374IY888ggJCQlYLBamT59ORkbGQff3+OOPU1NTw5tvvtksQPdKT0/nxhtvbHzucrl46KGHSEtLw2w2k5yczF133dXiZ+od9rFkyRKOOuoo/Pz8GDp0aOP7//TTTxk6dCgWi4XRo0ezZs2aZtvPnTuXgIAAdu7cyQknnIC/vz9xcXE8+OCDraZxN7W/MenffPMNU6ZMafx3OGbMGBYsWND4+tKlSzn77LNJTEzEbDbTp08fbr755mbp/nPnzuXFF18EaJaG7qWqKs8++yyDBw/GYrEQHR3NlVdeSXl5ebO2aJrGww8/TEJCAlarlWnTprFp06YDvq+mjj76aMDzO25fOp2Ou+++m/Xr1/PZZ5+1aX/nnXce/fr1a9PnK4QQ3Z30pAshRDfiPWENDw8HICkpiR9//JGff/65MYDvKGVlZa0uV1W12fMffviB888/n+nTp/PYY48BsGXLFpYtW9Ys+NmXpmmceuqpLF68mMsuu4wRI0bw3Xffcfvtt5OXl8czzzxDZGQk7777Lo888gg1NTXMmzcPgIEDBx6w7W63u9UxpvsGEvvz5ptvcuWVVzJx4kRuuukmdu7cyamnnkpYWBh9+vRpXK++vp7p06eze/dubrjhBuLi4nj33Xf5+eefW+zz559/ZubMmYwePZr77rsPnU7HW2+9xbHHHsvSpUsZO3Zss/XPOeccUlJSmDdvHqtXr+aNN94gKiqq8TPuaId6vGOOOYYbbriBf//739x1112NP5OBAwdSVFTE8ccfT2RkJP/4xz8ICQkhKyuLTz/9tN3te/TRR9HpdNx2221UVlby+OOPc+GFF7Jy5coDbvfll1+SmprKxIkT23Scyy+/nLfffpuzzjqLW2+9lZUrVzJv3jy2bNnSIiDMyMjgggsu4Morr+Siiy7iySefZNasWbzyyivcddddXHPNNQDMmzePc845p8VwAbfbzYknnsj48eN5/PHH+fbbb7nvvvtwuVw8+OCDh/T5zJ8/n0svvZTBgwdz5513EhISwpo1a/j222+54IILAPjoo4+oq6vj6quvJjw8nD/++IPnn3+e3NxcPvroIwCuvPJK8vPz+eGHH1oMk/G+Pn/+fC655BJuuOEGdu3axQsvvMCaNWtYtmwZRqMRgHvvvZeHH36Yk046iZNOOonVq1dz/PHH43A42vR+vBcgQkNDW339ggsu4KGHHuLBBx/k9NNPP2hvul6v5+677+biiy+W3nQhRM+nCSGE6HJvvfWWBmg//vijVlxcrOXk5GgffPCBFh4ervn5+Wm5ubmapmnaxo0bNT8/Pw3QRowYod14443awoULtdra2gPu39/fX5szZ06rr913330acMDbySef3Lj+jTfeqAUFBWkul+uQ3uPChQs1QHv44YebLT/rrLM0RVG0jIyMxmVTpkzRBg8e3Kb9Tpky5aDtf+KJJxrXX7x4sQZoixcv1jRN0xwOhxYVFaWNGDFCs9vtjeu99tprGqBNmTKlcdmzzz6rAdqHH37YuKy2tlZLT09vtk9VVbW+fftqJ5xwgqaqauO6dXV1WkpKinbcccc1LvN+/pdeemmz93X66adr4eHhbXr/+/usiouLNUC777772nW8pKSkZt+bjz76qNn79Prss880QPvzzz8P2t7W2t/0M/b+fAYOHNjs5/Hcc89pgLZhw4b97quyslIDtNNOO61Nx167dq0GaJdffnmz5bfddpsGaD///HPjsqSkJA3Qli9f3rjsu+++0wDNz89Py87Oblz+6quvtvic5syZowHa9ddf37hMVVXt5JNP1kwmk1ZcXNy4fN+fmff3w65duzRN07SKigotMDBQGzdunFZfX9+s7ft+3/Y1b948TVGUZu299tprtdZOAZcuXaoB2vvvv99s+bfffttseVFRkWYymbSTTz652fHvuusuDWj2HfL+fP/zn/9oxcXFWn5+vvbtt99q6enpmqIo2h9//NHsWHPmzNH8/f01TdO0t99+WwO0Tz/9tNlnde211zY+37VrV+O/eZfLpfXt21cbPnx4Y7u83/+mn7cQQnR3ku4uhBA+NGPGDCIjI+nTpw/nnXceAQEBfPbZZ8THxwMwePBg1q5dy0UXXURWVhbPPfccs2fPJjo6mtdff/2wjv3JJ5/www8/tLhFR0c3Wy8kJITa2lp++OGHQ9r/okWL0Ov13HDDDc2W33rrrWiaxjfffNPuticnJ7fa9vfee++g2/71118UFRVx1VVXNRsfPXfuXIKDg1u8h9jY2GZjaa1Wa7OCfABr165lx44dXHDBBZSWllJSUkJJSQm1tbVMnz6dX3/9tUWGwlVXXdXs+dFHH01paSlVVVVt/hwORUcez1s/4KuvvsLpdHZE87jkkkua/Ty86dA7d+7c7zbetgcGBrbpGIsWLQLglltuabb81ltvBWgxdn3QoEFMmDCh8fm4ceMAz7CUxMTEFstba2vTSuTeyuQOh4Mff/yxTW0GTzZLdXU1//jHP1rUV2jaw+zn59f4uLa2lpKSEiZOnIimaS3S8Vvz0UcfERwczHHHHdf4HS4pKWH06NEEBASwePFiAH788UccDgfXX399s+PfdNNN+933pZdeSmRkJHFxcZx44olUVlby7rvvMmbMmP1uc+GFF9K3b982p7B7e9PXrVvHwoULD7q+EEJ0V5LuLoQQPvTiiy/Sr18/DAYD0dHR9O/fv1m6LEC/fv149913cbvdbN68ma+++orHH3+cv/3tb6SkpDBjxox2HfuYY44hIiKixfJ9g4BrrrmGDz/8kJkzZxIfH8/xxx/POeecw4knnnjA/WdnZxMXF9cigPKmTWdnZ7er3QD+/v6tvu+2TBXmPW7fvn2bLTcajS0K8GVnZ5Oent4i1bZ///7Nnu/YsQOAOXPm7Pe4lZWVzVJ7mwZ5sDftt7y8nKCgoIO+jwNpLTW4I483ZcoUzjzzTB544AGeeeYZpk6dyuzZs7ngggvaXXzuQO3bH2+7q6ur23SM7OxsdDod6enpzZbHxMQQEhLS4ju5b5u8F3GaDolounzftup0uhbfqX79+gFt+656eYfB7G/qPa/du3dz77338sUXX7RoS2Vl5UGPs2PHDiorK/db78JbrHJ//4YiIyP3m75+7733cvTRR1NTU8Nnn33GBx980OJ33b68QfecOXNYuHAhp59++kHfw4UXXtiYJj979uyDri+EEN2RBOlCCOFDY8eObazufjB6vZ6hQ4cydOhQJkyYwLRp03j//ffbHaS3VVRUFGvXruW7777jm2++4ZtvvuGtt97i4osv5u233+7UY/cU3l7yJ554ghEjRrS6zr5T4O2vevfBegwtFst+5/32FoJrrZp9e4/XGkVR+Pjjj/n999/58ssv+e6777j00kt56qmn+P3339s13V972hcUFERcXBwbN248pGO1dYqu/bWpIz/LjuJ2uznuuOMoKyvjjjvuYMCAAfj7+5OXl8fcuXNbZHK0RlVVoqKieP/991t9PTIyst3tGzp0aOPvqtmzZ1NXV8cVV1zB5MmTW1z0aOpQg25vYD937lw+//zzdrdXCCF8SdLdhRCiB/IG9gUFBV1yPJPJxKxZs3jppZfIzMzkyiuv5J133jlg9e2kpCTy8/Nb9HJu3bq18XVf8B7X2/vt5XQ6G6vqN103MzOzRfC1bdu2Zs/T0tIAT9A4Y8aMVm/eglsd0f6cnJxWA3Vvuzrqsz1YMDt+/HgeeeQR/vrrL95//302bdrEBx980CHHbqtTTjmFzMxMVqxYcdB1k5KSUFW1xc++sLCQioqKDv9OqqraIgV++/btAIc077z3+3WgixEbNmxg+/btPPXUU9xxxx2cdtppzJgxg7i4uBbr7u/nmpaWRmlpKZMmTWr1Ozx8+HBg//+GiouL21y88dFHH8Vms/HII48ccD1v0L127do2B90XXXQR6enpPPDAA1LpXQjRI0mQLoQQ3djSpUtbHfPrHVu7b9p1ZygtLW32XKfTMWzYMID9TkUGcNJJJ+F2u3nhhReaLX/mmWdQFIWZM2d2fGPb4KijjiIyMpJXXnmlWSXq+fPnU1FR0Wzdk046ifz8fD7++OPGZXV1dbz22mvN1hs9ejRpaWk8+eST1NTUtDhmcXFxh7X/pJNOwul08uqrrzZbrqoqL7/8MiaTienTp3fIsfz9/QFafC7l5eUtgh9vBsGBvhOd4e9//zv+/v5cfvnlFBYWtng9MzOzcbrAk046CYBnn3222TpPP/00ACeffHKHt6/p91/TNF544QWMRuMh/YyOP/54AgMDmTdvHjabrdlr3p+Dt3e/6c9F07RWp0rc38/1nHPOwe1289BDD7XYxuVyNa7vvej0/PPPNzvevp/rgaSlpXHmmWcyf/589uzZc8B1mwbdbdE0sP/iiy/a3CYhhOguJN1dCCG6sccee4xVq1ZxxhlnNAbGq1ev5p133iEsLOyAhZo6yuWXX05ZWRnHHnssCQkJZGdn8/zzzzNixIgDTpU2a9Yspk2bxj//+U+ysrIYPnw433//PZ9//jk33XRTY+9gVzMajTz88MNceeWVHHvssZx77rns2rWLt956q8X44SuuuIIXXniBiy++mFWrVhEbG8u7776L1Wpttp5Op+ONN95g5syZDB48mEsuuYT4+Hjy8vJYvHgxQUFBfPnllx3S/lmzZnH88cdz880388cffzBx4kTq6ur44osvWLZsGQ8//PBhpSU3NWLECPR6PY899hiVlZWYzWaOPfZYFixYwEsvvcTpp59OWloa1dXVvP766wQFBTUGwl0lLS2NBQsWcO655zJw4EAuvvhihgwZgsPhYPny5Xz00UeNc78PHz6cOXPm8Nprr1FRUcGUKVP4448/ePvtt5k9ezbTpk3r0LZZLBa+/fZb5syZw7hx4/jmm2/4+uuvueuuuw7pZxQUFMQzzzzD5ZdfzpgxY7jgggsIDQ1l3bp11NXV8fbbbzNgwADS0tK47bbbyMvLIygoiE8++aTVnu3Ro0cDcMMNN3DCCSeg1+s577zzmDJlCldeeSXz5s1j7dq1HH/88RiNRnbs2MFHH33Ec889x1lnnUVkZCS33XYb8+bN45RTTuGkk05izZo1fPPNN63Wudif22+/nQ8//JBnn32WRx99dL/r6fV6/vnPf3LJJZe0ed/eNPm1a9e2eRshhOguJEgXQohu7K677mLBggX88ssvvP/++9TV1REbG8t5553HPffcQ0pKSqe34aKLLuK1117jpZdeoqKigpiYGM4991zuv//+AxZ+0ul0fPHFF9x7773873//46233iI5OZknnniisZq2r/ztb3/D7XbzxBNPcPvttzN06FC++OIL7rnnnmbrWa1WfvrpJ66//nqef/55rFYrF154ITNnzmxROG/q1KmsWLGChx56iBdeeIGamhpiYmIYN24cV155ZYe13fu5Pvroo3zwwQd8+umnGAwGhg4dynvvvceFF17YYceKiYnhlVdeYd68eVx22WW43W4WL17cGNx+8MEHFBYWEhwczNixY3n//fe75Du5r1NPPZX169fzxBNP8Pnnn/Pyyy9jNpsZNmwYTz31FFdccUXjum+88QapqanMnz+fzz77jJiYGO68807uu+++Dm+XXq/n22+/5eqrr+b2228nMDCQ++67j3vvvfeQ93XZZZcRFRXFo48+ykMPPYTRaGTAgAHcfPPNgOfi05dffskNN9zAvHnzsFgsnH766Vx33XWNaepeZ5xxBtdffz0ffPAB7733Hpqmcd555wHwyiuvMHr0aF599VXuuusuDAYDycnJXHTRRUyaNKlxHw8//DAWi4VXXnmFxYsXM27cOL7//vtDykY46qijmDp1Ki+//DJ33nlni9kVmrrooot4+OGHG4voHYzBYODuu+8+pMBeCCG6C0WTwTpCCCGEEB1q7ty5fPzxx60OfxBCCCEORMakCyGEEEIIIYQQ3YQE6UIIIYQQQgghRDchQboQQgghhBBCCNFNyJh0IYQQQgghhBCim5CedCGEEEIIIYQQopuQIF0IIYQQQgghhOgmjrh50lVVJT8/n8DAQBRF8XVzhBBCCCGEEEL0cpqmUV1dTVxcHDrdgfvKj7ggPT8/nz59+vi6GUIIIYQQQgghjjA5OTkkJCQccJ0jLkgPDAwEPB9OUFCQj1sjhBBCCCGEEKK3q6qqok+fPo3x6IEccUG6N8U9KChIgnQhhBBCCCGEEF2mLUOupXCcEEIIIYQQQgjRTUiQLoQQQgghhBBCdBMSpAshhBBCCCGEEN2EBOlCCCGEEEIIIUQ3IUG6EEIIIYQQQgjRTUiQLoQQQgghhBBCdBMSpAshhBBCCCGEEN2EBOlCCCGEEEIIIUQ3IUG6EEIIIYQQQgjRTUiQLoQQQgghhBBCdBMSpAshhBBCCCGEEN2EBOlCCCGEEEIIIUQ3IUG6EEIIIYQQQgjRTUiQLoQQQgghhBBCdBMSpAshhBBCCCGEEN2EBOlCCCGEEEIIIUQ3IUG6EEIIIYQQQgjRTUiQLoQQQgghhBBCdBMSpAshhBBCCCGEEN2EBOlCCCGEEEIIIUQ3IUG6EEIIIYQQQgjRTfg0SP/111+ZNWsWcXFxKIrCwoULD7rNkiVLGDVqFGazmfT0dObPn9/p7RRCCCGEEEIIIbqCT4P02tpahg8fzosvvtim9Xft2sXJJ5/MtGnTWLt2LTfddBOXX3453333XSe3VAghhBBCCCGE6HwGXx585syZzJw5s83rv/LKK6SkpPDUU08BMHDgQH777TeeeeYZTjjhhM5qphBCiF5GUzXcbhXV1eTepaK69z5XVQ1N00Br2Ebz/E8DvP/zLPM8bVxXA61hoXddTfPuxLtM67r32nWHOihN01A1NyoaqqqioqJpGm7N3fCZaY2fpcbehmsN/zX/bFt5HQ00pfFx0//D3s9+3703Ulpvt4Ky39dQQDnQdvvZ74FeA1Ba2eneRUrLTffXvqbbKq1s17BA2f+bP+BrTdt6qPvd/3vfZztF8SxTAB3oFN3ez13xHN/7WK/TY9DrMegNGA0GTCYjJqMRg86AQWdAr+hb/WyFEKI78WmQfqhWrFjBjBkzmi074YQTuOmmm/a7jd1ux263Nz6vqqrqrOaJI4DLrVLndFPvcFNrd1HncFPncON0qw03DZdbxeFWcbk1zzJVw+lScame192qhqppqA0n/KpG43Ot4aRfVT0nkKrmea41Wa9hM2DvCZv33Mt7UqM0OZ9sejLS2jpKk5Ospud/+66nUxR0DSdD3sc6nefEqPG5ojS8vp/1lSbr67zrKPusu/f1/W7b2vqt7nvvPvTe13Ut96dXFHQ6BYNOQa/zrG/QeZaJ7sUTCLe8eYPh2jqV6lIb1SX1VJXaqCq1YatxYq9z4qh3Ya/z3Jx2t6/fihCiC7kUB26dC7fOhapzoepUNL0bt9GJanKimFX0fgpmqwFrgInAMD9CIvyJi4kkJTKJUHOoBPdCiC7To4L0PXv2EB0d3WxZdHQ0VVVV1NfX4+fn12KbefPm8cADD3RVE0UPU+dwkVNWz+6yOgoq6ymrdbS4Vdtc1Dlc1DrcOFyqr5ssupi+IXDXK8rex00Ceb3Oc1HAoNOhU7zr69DraLaNTlEw6BsuGOyzv8YLBA0XC1q7aKDX0Wy/3td1+2lba8dovt7eiypeTU8/GxerKorDieKwozjtKPaGm8Nzw753OQ472BxoDhvY7GC3oXmXN2yH0wEuF4rLBW5Xs8eK2/NYcbtQ3G4Ulwud97HqRtGa933W+UVRFZxKZVAyVUEp1FmjUXXGdv2ctYYeOhQFRd9wa/ic917c2ftZKk167zQ07G47dtWOw+3Aodpxqk6cmgsNtaG93rZraErzftxeSWnv+9tPj2yTJc3jpH3XV/aztPkemz9vra+3yRJtv6+0bGmLt73/oE5ptv6B1jvQMQ6w3SG0pcW7avMx2h60Kgf4TA9+jIatNQUFBaXhvulzmixXWhnNadBMGNwmaMP1OQ2oarjtppwlhlxqLRWoQTb8Y/TEJIYycsgABsX39/TqCyHaRXM4cFdWNrlVodbVodbXodbX46ipw1Fbh7PW81ytr0ez2dAcDlSnExxONKcTnA40l5OBn3+G0WL29dvqED0qSG+PO++8k1tuuaXxeVVVFX369PFhi4QvlNc62Jhfyab8KrYWVJFdVkdOWR0lNY527U+vU7Ca9A03Aya9DqNBwaDTYdLrMOgVjHodxoZ7g/exTucJlnSeU46mPb2eXl1P4IQCelXFZK/DaKtvvDfa6jDa6jDYbSguB3qnE8XpQOe9uZwNj53oXJ57vdPhCXI0N4pbRdFUFLfbE3xpqif4UVve61R1v3my+zv91jwRyz7LQFN0qIoOTddwr+hQFQVVp0NV9J7Hig5Vp0PzPm68Kbi96yt63I3P9bh1Otx4nntuelxNtnEpOlx4X1OaPXcpnm1dTbZ167zb6huOoWtYpmtyDB1unR4VxXP8hmPa97O+d5m74X23i6Zh0NzoVTd6TcWgqhhUFybVhcntxOx2eu5VJ0a364DPTW4nJrcLk9pku4Z7k+rE4vLcNy5XXe1rcwdz6c1UBSZTGZxCVVAKlUHJuIwBLdZTNDdmWzl+tlIsthL86ksxOqsxuuoxuOowuOobbzrVhaK50KluVEUh3z+c7KAYsgJjyA6KYWdwHPn+EXujQg1wg6JCoJ+Kf9h6FP8t1Om24sbeoi1eVoOVAFMAgcZAAkwBBBgDMOvNnrRcxYBOp0Ov6D03nedep+gaT/5bBJiNqcX73O+zfO+d54F3v02PYVAMLZbt245W129YR6foMOgMre6r6Xtqut6+79W7b+mlFB1Fa8hCc7vcOBwuHE4nDofnZnc4qLfZsNnt1Nns1NXasNU5qatteFzrxFmjotUYMdRaMDjNWFz+WGr8oQbIh6rV8MvCAr6wroO4etKHRXPC5KMJtgb6+q2LA3CrGmW1Dkpq7I23slondXZX8yxJp9uzrCFb0uFScaoqblXD5dZwqWrDvSd70qVqjZmKTc/jmmb06XUKZoOu4abHbGzy2KDDbNQTYDYQ5GcgyGIkyM9IkMXQcG8kuGF5sNWI2aD39UfZjKZpaPX1ewPtCu99BXVl5dSXlmMrq8BZXoG7shKqq9DVVGGorcbo2P/fzgNRgNY+BXtdvQTpvhATE0NhYWGzZYWFhQQFBbXaiw5gNpsxm3vHD0u0nd3l5rcdJfyWUcKKzFK27qne77rBfkYSw6zEhVgIDzAT7m8i1GoiPMBzH+RnxN+kx2o2YDXqsZr1mPTtP6HUHA4cubk4srJwFhTgKi7GVVKCq7gYd3EJrpIS3NXVaPX17X37opvSFAV0ejSdDk2vR2v2WAeqtrcXuaH3WOd2o2jdI4PDpdPjNBhx6k3N7w1GHAYTTr0Rp8GEy2DCZTThNhgb7hueG82oBiOaQY+mN3huBgPoDWBs8lhnQKeZ0NuMGGx6DLUKurqWfW2aDgjSQ6gBJcyILkiH3qyi1wJQ1TjsbjculwO9rR59bTX6ulr0tTXo62ow1FRhKi/FXF6CpWQPxroa+tQU06emmMlsaDxGndmfnOhkdoQlsSEogTWBYdhj16KGLqfGUNe4nuoKxF2fgGqPxaLFMSgymYnJqRzfL53+MSESgArRhbxZLjqTAaPJgD+Wdu/LXu+itLiK7Nw8srILKM6txlmox1ITRHBdFGRAcQa8tfA37HFljDw6hemTx6PXSw+7LzjdKrvL6thZXMvO4hrPfUkNu0rqKK21d6saHe3lZ9QTYjUS7GckxGokxM/ked7kcYif53mo1dS4jsXY8txVczg8Pdet3Wo99+7aWmxVNdSXV+IoL8dVUYm7qgqqKtHVVGOorUbvPvAFfT2tB9UAbhRqjX5Um6zUGP2oN5ixGUzY9SZsehN2vRGnyYzLaMJpNOMymBrOJQyee6MRzWAEo5GHTb0n5lM0rXt8XRVF4bPPPmP27Nn7XeeOO+5g0aJFbNiw9wTqggsuoKysjG+//bZNx6mqqiI4OJjKykqCgoIOt9miG9E0jaU7Sli4No8fNhVSbW/+CyM53Mrg+GAGxQaRGuFPnzArfcKsBPu1Lz32oO1RVRy7dlG/fgP2rVtxZGVhz9qFMzcP3G0fD6tYLOgCAtAHBKALCEAXGIDO6o/ObEYxm1HMJs9jUyvPLWZ0JhMYDCh6Pej1KA03dHoUvQ70hub3Oj2KQQ86HYruICcZbfj1oakaqG40t7rPvac3X3O5W1/e2r17n+3cLjSXG01teM3lRnO7wLvM5Vn/wMtUcLkOsMzteXwoyw7h59tuOp3nu2E2e+5NJhSLxfMzN3vvzSjmJsvMZnQWzzLPfcO2Fu9rlr2vefft57f3u2bo+Ou6mqpRWVJPSU4NJbnVlOTUULirCluts8W6gWEWolODiEkJJiY1mIg+AegNh38irGkaruJi7Dt27L1t34F9+3ZPuv4+8sNgSx+F/NQwdIOnoYROoqoqim2FNWQU1eBSm/+76BsVwKzhcZw2Io6kcP/Dbq8QwveqKmr5Y+1Gtm7IwZZpxM+2txfdZqkm9ig/Zp82BWtg7wkauqNqm5MVmaX8lV3Omt3lrM+txH6AoYmKAqFWExEBJiICzIT5mwgwG/Az6fE3ee89WZJWsydj0mLQo9d5hqwZdDr0Ok+WpOfekw0JDSVSaKgx5K091PDc5dZwuFVsTjd2l4rde+9Ssbvc2JwqtXYXVfVOqmxOqupdnvumj+udaKqK1WnH31WP1WnD32nD3+W5tzrrsbrsWFwO/NwN9y47FrcDi8uO1e3AX3VicdmxuOyYnXYMasedrzgVPdUma+OtxuhHtdFKvcUfl38gamAQuqAg9MHBGENDsISFYo0IJSgshACrqTE71Zup6tfw3M/o+fx7g0OJQ30apNfU1JCRkQHAyJEjefrpp5k2bRphYWEkJiZy5513kpeXxzvvvAN4pmAbMmQI1157LZdeeik///wzN9xwA19//XWbq7tLkN772F1uvlibz+tLd7K9sKZxeUyQhekDo5iYFsH41DDCAzr3D6WmaTh27qR22TJqly2nbtUq1JqaVtfVWa2YkpMxxsdjiIzEEBmBITISfUQEhohI9MFBnsDc3x/FZOrUdouOp2na3gsKDYG75nIdcJnmcu29gGIwoDTc0OtRjEbPawbD3tcOdgGlG3E7VWoqbNSU2akut1FTZqO6zE55QS0luTWtFnHTG3REJQUSnRpMTENg7h/StSe7mtOJbdt26tetY8Ovn+LasIm4spbrGaKisB41GsvgIej69SM7NIEVJW6WZ5awcmcZDrfnhFFRYMbAaK6aksropLAufS9CiM6jqip/btjAb79sgO3BWFyei3FuvYPkSSEcf+poLAGd0yFwJMopq+Or9QX8vLWQ1bsrcO9zYdTPqCclwp/USH9SIwNIi/QnJcKfmGALYVYTBh9kOWia5um1rqlBra1tvLmrq1Frajz31TWoNdWNj901DcuqvcuqUWtrO6V9Dp2BeoMJm97suTeYqTeYqdd7HtsMJmxmP0+wHRAIgcHogoMxhIRgDgvBGh5KUEggof5mQq1GQqwmQv09PfkWY/dKz/elHhOkL1myhGnTprVYPmfOHObPn8/cuXPJyspiyZIlzba5+eab2bx5MwkJCdxzzz3MnTu3zceUIL13+XFzIfd/uYncck9quL9JzxmjEjh1RByjE0O7pDq3fecuqhYtomrRIhw7dzZ7TfHzwzJ4EH6DB2NKScWUnIwpJQVDVKSkv3Yy1a3icqi4nCpul4rbe9/ssdZ8uWvv+mrD6y6niub2VORHbai+3/BY9ZTg91TdV/FU62+8b/mrVWkYp9a0ij4oewtheV/bpyL/3tcUmg03blKev/E5Tfax7/Mm6+1tQyv7pPmx9m2XgmcGAtWtobpV3N57p4bT7sJR78Jhc3vuGx4fiN6gIzzen4iEAMITAolODuqwXvLDpWoq9y67l88zPwfgwrjTuEo/FcfqtdT9tYr6jRvB1TLNzxATg2XAAEhNY7sSyC+Ven4u11PsF4LdYGJCajgPzR5MepSMYRWiNymuLuHDb76lbCWE1cYBoBpdjJuVylHTU9FJGny71DlcfLo6j49X5bI2p6LZa6kR/oxPC2dUYigjE0NICfdvdv6n2my4KytRa+vQbPUNBchsqPV1aDYbal29Z7ndsTdDz+29iK7us8yb2edCc7rQXC40p9Nz73KCs8lzh8MTiDcE5K39rWgvxWhEFxiILjAAfUAgusBA9N5MS39/dP5WdFbPTfGz4jRZqDOYqNUZcZosuEx+OExmHEYzDoMZVa9vqKXkuZkMnmwBP6Oe4IbU+u42Fr4n6jFBui9IkN475FXUc9/nm/hxi6dGQVSgmUsnp3D+2MROS19vSlNVapcupXT+fOpW/N64XDGZsB41Gv+JE7FOmIClf/9OSRHuDTRNw2l347S5cdgagjqbyxNYO9y4HG6c9r2PvcudThWXveH1xnUbXmvyWHUfUb/auj29UUdgmIWAUDMBYRYCQ80ER1mJ6BNAaLS12564vrf5PR778zH0ip47xt7B+QPOb/a6Wl9P/br11K9dg23LVmxbt+DM3n3AfVaYAyi2BFNuDSEmrQ/DR/bFEhODIToaY3QUhuhodIGBciFPiB6sqKaIV754H+2vcCLqEgAIiDVwwsXDiUkJ9nHreo6CynreXLqLD//KocrmCXJ1CoxPCeOUtEAmBrgIry3DmV+AsyAfV0EBrpLSxsJl7spKNJvNx++iOcVqRedvRW/1bxjG2BBgBwSiDwpEF9AQfAd6HusDPevoAhqWBQaik3pbPZIE6QcgQXrPtzyjhGsWrKaizolBp3D50ancMD0dq6nzg2FN06hZsoSip57CkZHpWajT4T95EsEnn0zA9OnoA1pWnO6NVLeKrdaFvc6JrdaFrdaJvdbpua/z9qC69gnC3ThtntecdneXFXDRG3ToDQp6o67hsa7J4/0t3/u6zqDbO+WWd/qtZvcNc6p7q/V7p/JqOuOQ1vyB9/nez8DTS9+0On7TX89NX9PQ2rBe8+Psfa3J5F/77kNrsng/7dIadqTTK+j0uoZ7z2O9QcFoNmD2M2D002P2M2CyGDBbDVgCjD0u6NxZsZNzvjoHu9vOXePuahGg74+7pgb7tm3YtmzFsTMTZ14+znzPra2pioqfH8YoT8BuiI7GGBONISoaQ0w0pvh4jPHx6IPlRF+I7u7P/D957cMPGbhjCma3FRSN8aelMer4JJReMs62M1TUOXh5SSbzl2dhd6kEOmo51p7HKYZSUiryUHdsx13Wyvij/dHrPT3MFgs6Pz9PvRU/P3R+FhQ/a2NtFs9QM2/dHj0Y9Ci6hvt9avgoBgMYjQ3bGD1D04wNQ9KMnue6gICGnu2Gm9Xq2a84IkmQfgASpPds767I4v4vN+NWNYYlBPPU2cPpG9016aL2nTspnPcotUuXAqALCCDk7LMJu+hCjPHxXdKGzqRpGg6bm7pKO7WVjhb3tlonthqnJyivcR40hbmtFAVMfgaMZj1GS8O9SYfBpMdgavp4773RrN+7zKjH6H1sbvLYpMdg9ATdPS04FL7ndDu5cNGFbCnbwqS4Sbw84+XD/h5pmoZaVeUJ2Av2sGbNdn5bsQVrVTmxrmqGmhzoy0tQKyvbtD9dYCDGhASM8XGY4hMwxsd7nifEY4qPR+fftiJ13na5Sktxl5biKi3zXEzQVDRNQ2cyoQsMQh8U6KmhERvrKUgpjniapmFzqpTXOaioc1JR56Cy3km90+25OdzYnJ6iWE73PsW8Gv45+Rn1jVNOBTdMOxVsNRIX4keQpXeM466wVXDvTw+iWx5L39LRACQNDWfG3EFY/HvHe+woqqqx4I/dPPbNFsKKczkmbx3TSrcRU5qL0krIog8Pxxgb67nFxWKIjfXU9gkJabgFow8JQefvL+cCwuckSD8ACdJ7rke/2corv3h6r2ePiOPRM4d1STEKTdOo+OADCv81D83pBKOR8DkXE37llegDe854Uk3VqKmwU11aT1WpjaoSG9Wl9VSX2qgus1FX6cDlPPSpvsxWA2Z/I5aG3lKz1fPY5GfAaNFjshgag3CTnwFTwzLvawaTBNGi+3lhzQu8uv5Vgs3BfHrqp0RZozrlODlldVz29p9sL6zBz6jnxQtHMjUpCFdREc7CQlyFRbiKChsfO/cU4MzLx11SctB960ND0YeHoQ8K9vyu0us9mRRuF2pNLWp1Fe7KKlxlZYc2VlJRMERFYUpNwdKvP+b+/fEbOQJTcrL8W+4lbE43hVU29lTa2LPPfVltQ0Be76C8zonjAJW0D1eI1UhSw0wsSeFWksP9GRIfTN+oAJ8U/zocqqby6rrXWPz9aibtOhODZiQo0sJpN44kKKL1aYSPNLtL67h7we+E/vo9J2WtILG6qNnrprQ0rGOOwjJ4MJYBAzGnp6HbzxTMQnRHEqQfgATpPdPrv+7kkUVbALjjxAFcNSW1S04G1dpaCu67n6qvvgLA/+ijifnnXZiSkzv92O2lqhoVhXWU5ddSUVhLWUEdFYV1lO+pxeU4+MmUyc+Af7AJa7AJa5C54bEZa6DRE4w33Mz+BsxWY5cU5xOiK5XWlzLj4xm4VBdPTnmSE5LbNntIe1XZnFz7/mqW7ijBbNDxwd/GMzIx9IDbqPX1OPPycObl4cjNxZnreezMzcWRl9fm3vimdIGBGMLC0EdEoAvwR1F0oChodjvu6mrclZW4ior2O75THxmB9aijsI4Zg/+YMZjS0nrULARHEqdbJb+inqzSOnaX1pJVWkd2aR255XUUVtkor2s5BeKBGHQKIQ3zMQf7GT3TJxk9Uyj5GfVYjHqMes/QoH2H59Q73VTWO6my7Z1+qqLOSVmtY7/HMxt0DIoLYlh8MEMTQhjRJ5i0yIAecZHow20f8vJPb3H8tksJsocTEGrmtJtGEhJt9XXTfOqbXzey4Ynnmb5rJVaXZ+pLxWjEf/JkAk84noBJkzBERvq4lUIcHgnSD0CC9J7n87V53PjBWgDunDmAK6ekdclxXSUl7L7kUuw7doBeT9SttxJ2ydxudRKgqRoVRXUU766mKLuaouwqinNqcLUypRWATqcQEG4hqOEWGO5HYLiFwHAL/sFmrMEmjCYZKyWObG9ueJNnVz/L0IihLDh5QZcc0+VW+du7q/h5axERASY+u2YSfcLaf9Lurq7GmZ+Pu6wMd2UV7uoq0DRP0KzoPAWIggLRBQZhiAhHHxbWphR2TdNwl5XhzM3FnpGBbds2bJs3Y1u/Ac3RPKjSh4URcOw0AmfMwH/iREmR9wGXWyWrtI4dhdVsK6xmR2EN2wqrySqpxdXKDBRNWYw6YoIsRAdZiA22EB1sISbIQnhAwxRLfp6gPNTfhL9J3+F/G2vtLnaXeS4e5JTVkV1WS0ZRDZvyqqi2t8z8iAgwMS41nPGp4UxIDevWQfs3u77h4R8fZebmKwmtj8EvyMRpN44gPP7IqGnTlKu2jq/vfYqE7z7ZG5wnJRM992KCTjmlR2UsCnEwEqQfgATpPcuKzFIu/s9KnG6NSyelcM8pA7vkj66rtJTsOXNwZGRiiIwk/tlnsI4e3enHPRhN06gsqid3Wzm5W8vI21aBrbZlj4fBpCMsLoCwGCshMVZCY/wJi/UnMMKCvoelCArRlVRN5eRPTya3JpcHJz7I6X1P77Jj19pdnP3KCjYXVJEeFcAnV00k2Nozxquqdju29eup/fNP6v/6i7o1a9Hq6xtf1/n7EzDlGAKPOw7/o49BH9C28fKi7VRVY1dpLetzK1iXU8m63Ao251dh3086usWoIzHMSlK4P0kN6eQJYVbigv2ICbIQ5GfolkGuqmpkldayIa+S9bmVnvebW9ki7T4iwMTk9AimD4xmSv/Ibje+fdHORdz380OcsvkaIuri8QsycdbfRx9Rqe9lv/xKxu13EVhV6nneJ52hd99O4NGTJQtH9EoSpB+ABOk9R5XNyQnP/EpBpY2Th8Xy/HkjuyS12lVezu45c7Fv344hKoqkd9/BlJTU6cfdH3u9i92bStm9sZTcbeXUlNubva436ojsE0BkUhBRSYFEJgYSGuMvaehCtMOK/BX87Ye/EWAM4Kezf8Jq7NoU1D2VNma/uIw9VTZmDonh5Yt8f3GwPTSHg7rVq6n+4Ueqf/wRV2Fh42uKnx9BM2cSctaZ+I0c2S0DwZ7A6VZZn1vJ7ztL+X1nKWtzKqi2texh9jPq6RcdQL/oQM8tJpC+UQHEBFl6zd8Jm9PNupwKVu4q4/edpazKLm92ccKgUxibEsb0gdFMHxBFckT3uEj09qa3eX7FS8zafB0RdfGExlg54/bRvb6YnFpbS/5jj1P94YcAFFlDsc+9kuOu+z8JzkWvJkH6AUiQ3nP8/eN1fPhXLknhVr658egumWJNdTjIvvAibBs2YIiMJPGdtzGnpHT6cfdVWVxH1vpSdq0voWBHBWqTtESdQSE2NZj4/qEkDAgjKjlQeseF6CC3LLmFH7J/4Lz+5/HP8f/0SRs25FZy+kvLcKkar1w0ihOHxPqkHR1FU1VsGzZQ/eOPVH3/fbN55E2pqYScdRbBp52KITzch63s/jRNY1N+Fb/uKGZFpicQrXM0H9pkNugYEh/MsIRghieEMCwhmOTwI++ird3lZu3uCn7eVsRPW4rIKKpp9vqQ+CBmj4hn1vA4ooMsPmqlx5N/PsnHaxZyxsZb8HeEEJsezKk3jsDQBYVxfcG2ZQs5N9yIKycHgK/SJzPpsXuZOLiPj1smROeTIP0AJEjvGRZvLeKS+X+iKPDhlRMYkxzWJcfd869/Uf7Ou+hDQkha8D7m1NQuOa6maZTm1ZC5upjMNcWUFzSfSzk0xkry0Aj6DAojJi1Yxo0L0QlK6ks47qPjcGkuPp71Mf3D+vusLU98t5UXF2cSGWjmx5un9Ji094PRNI36NWup+Phjqr75Zm9KvMFA0PHHE3bJXPyGDvVtI7sRm9PNisxSftxSyM9biyiobF60L9RqZFxKOONTwxiTEka/6ECMctG2hezSWn7cUsRPWwpZuasMd8OFb50C0wdG83/jk5icHuGTixmqpnLtT9eyeXsmp2++GaPLTN8x0Rx36aBel2VS8cmn7HnwQTS7nSK/EF4Yez63/P1CJqTJBTpxZJAg/QAkSO/+KuucHP/sLxRW2bl8cgp3nzKoS45b/fPP5F5zLQAJr7xM4NSpnXo8TdMo3l3tCcxXF1FZvHf8pqJTiOsbTPLQCJKHRRASdWRXfRWiK7yx4Q2eW/0cwyKH8f5J7/u0LTanm5P+vZSdxbWcc1QCj5813Kft6QzumhqqFi2i4uNPsK1f37jcb/RowubOIfDYY1H0R94FSZvTzY9bCvlyXT5Ld5Q06y33M+qZ3DeCSWnhjE8Lp19U4BHXS364ymodfL0+n4Vr81mVXd64PDXCn2umpTN7RFyXT+9WZivj7C/OxrgnhFO2XI2i6Rh3aipHnZTcpe3oLKrDQeFDD1Px0UcA/BE9gOfHX8i/r5jKxPQIH7dOiK4jQfoBSJDe/T381Wbe+G0XqRH+LLrx6C6ZC91ZUMCu2afjrqwkbO5cov9xR6ccR1M1CrOqyFxdROaaYqpL9/aK6A06EgeHkTYqiqQh4b1+TJoQ3c1pC09jZ+VOHpr0ELPTZ/u6OfyZVcbZr6wAYMHl43r1yaxtyxbK5r9N5aJF4PQUwzT26UPYxRcTctaZvX4uZFXVWLmrjM/W5PLNhj3NqpfHBFmYPjCKGYOimZAa3iV/E48UGUXVvPf7bj5Zldv4mSeHW7n+2L6c1sXB+p97/uTy7y+n/57xTNl5LgAzrxxK6siePe2Yq6SE3BtupH71ajRF4Z0BJ/BR/2N59eKxzBgU7evmCdGlJEg/AAnSu7c9lTamPLEYu0vl7UvHMqVf5/9x0jSNnMuvoHbZMixDhpC84H2UDp4qqDSvhu1/7GH7n4XUlO0t/GYw6UgaEkHaqEiShoRjsnT+uHshREsl9SVM+3AaCgpLz1tKsDnY100C4O6FG3jv990MjQ/mi+sm9br01305C4soX7CA8g8+aJzrXR8ZQcRVVxF69tkd/rvZ1woq63n/9918tiaPvIq92VTxIX7MHhnHzCGxDI4L6vU/d1+rtbt47/dsXv11Z+P87L4I1l9e+zIvrXuJ6bsvoG/eOAwmHWfcPprIPj1zGjLb5s3kXHsdroIC3FZ/7h9+Hn9FD+SBUwczZ2Kyr5snRJeTIP0AJEjv3u5ZuJF3f89mTHIoH145oUtOTGqW/kbOFVegGI2kfvVlh1Vyry6zsePPQrb/sYfSvL1jzI0WPclDPYF54uBwGV8uRDfwXdZ33PbLbfQP7c/Hp37s6+Y0Kq2xc8zji6l1uHtFEbm2UuvqqFi4kLI33sSZnw+AMS6OqNtuJXDmzB4dtGqaxurd5fxnWRbfbtzTOD460GLg5KGxnD4ynjHJYZLG7gO1dhfv/p7Na02C9ZQIf249vh8nDYnt9J+JU3VyxudnkF25mytyHkCXF0RAqJmz7xyDNahnXaCq+vZb8v9xJ5rNhpaQyLWDL2CXXwSXTkrh3lldM4xRiO5GgvQDkCC9+8opq+PYp5bgdGt88LfxjE/t/EIimtvNrjPOxL5tW4ekubudKjvXFbP5t3xyt+4d66bTKyQNCaff2BiSh4ZjkMBciG7lkd8f4YNtH3DBgAu4c9ydvm5OM09/v41//5xBelQA3910DPojKHjTHA4qPvmEkpdfwVVUBHjGrEffeSd+Qwb7uHWHxuFS+XpDPm8ty2J9bmXj8gmp4Vw0PonpA6Mklb2baC1YHxofzJ0zB3T6sJNfc3/l2p+uxaoGcnXmY9SWOIlJDWL2zaPQG7t/UUBNVSl54QVKXnoZAPPEiVybegZbamBKv0j+M3fMEfU7TIimJEg/AAnSuy/vlGuT0yN47/JxXXLMis8WUnDnneiCgkj//jv0ISHt2k9ZQS2bl+Wz7fc92Gqcjcvj+obQb2w0aaOiZIy5EN3YGV+cwY7yHTw99WmOSzrO181ppsrm5OjHFlNZ7+Sps4dz5ugEXzepy6k2G2VvvUXJa697KsIrCmEXX0zkTTd2+/HqNqebD//K4eUlmY3V2U0GHbNHxHHJpBQGxsq5SHdVY3fxxtKdvP7rTmobCvidODiGf548kD5hnVPQVdM0rv7xapblL+PE0FPpv+QE7HUu+o+PYfqcgd06i8RdVUX+Hf+gZvFiAMIumcv9McfyzZYi4kP8+Or6yYT696yMACE6kgTpByBBeveUXVrLsU/9glvV+PSaiYxKDO30Y6o2G5kzT8JVUEDU7bcRftllh7a9WyVzTTEbluRSkLG3V8Q/xMzAibEMnBhLUET3PnkUQkClvZLJH0wGYMk5Swj3637TAb3ySyaPfrOVhFA/fr51KiZD9+9R6wzOPXsoeuJJqr7+GgBjYiKxDz+E/9ixPm5ZSy63ygd/5vD8zzsorPLUIokKNHPxhCTOH5tIeIDZxy0UbVVaY+ffP+3gvZW7casaJoOO66elc/XUtE4Zr55RnsFZX56FW3PzdNqr7FhgR1O1bl3x3bZlC7k33IgzJwfFZCLmgQf4OGIYD3+9BaNe4aOrJjKiT4ivmymETx1KHHpk/pUX3c57v2fjVjWO6RfZJQE6QPn7C3AVFGCIiyX0oovavJ2t1snq77N59+4VfP/GJgoyKlF0CsnDIjj5mmFc/MgExp2aKgG6ED3EqsJVAKQEp3TLAB1gzoRkIgPN5JbX8+nqXF83x2eMMTHEP/UkfV59BUNMDM7du9l98Rz2PPgg7prag++gC2iaxs9bCznxuaXcvXAjhVV2YoMtPHTaYJbeMY3rju0rAXoPEx5g5oHThrDohqOZmBaOw6Xy1A/bOfPl5WQUVXf48dJD0zmr31kAfFQ3n6PP6QvAyi92smV5focf73CoDgelb7xB1nnn48zJwRgfT9KCBWSMPIZHv9kKwD2nDJIAXYhDJEG68Dm7y83HqzwnnXMmdEzRtoPR3G7K3nsPgMhrr0VnPvgJU0VhHb/+dxtv37WcFZ9mUlNuxy/QyFEnJzPnXxM5+ZphJA+LQNfF86sKIQ6PN0g/KvooH7dk//xMeq44OgWAt5ZlcYQlwbUQMGUKqV9+Qcg55wBQvuC/7Dx1FjXLlvm0XZvzq7jozZVcOv8vMopqCLUauX/WIJbcPpX/m5CM2SBjznuy/jGBvH/5OJ49dwRBFgPrcis5+d+/8fbyjv83OXfwXBQUVhSsIHCki1Enes6PFr+3jawNJR16rPbQVJWqb79l50knU/TkU2h2O/5HH03KJx9Tm5zOdQvW4FI1Zg2P4//Gd825nRC9icz3JHzuu02FlNc5iQ22dMmUawA1S5fiKihAHxxM0CmnHHDd8j21/LUoix1/FuL9Gxwe78/w6X3oOyYagxT6EaJH8wbpo6NH+7glB3buUYk888MOthVWs2JnKRPTeu+86W2hDwwk9sEHCJp5IgV334MzL4+cyy4n9KKLiLrtVnQWS5e1pbjazuPfbuXj1bloGpj0Oi6ZlMw109IJ9pN6JL2JoijMHhnP+NRw/v7Jen7dXsx9X2xiRWYpj501rN0/b1dxMbUr/6B+zRrUujp0qpsH9oSz1lzEL3VPcP6sO6mriGHr73v47rWNnHbLSGJSun6qSFdxMRWffErFRx/hzMsDwBAVReTNNxN82qmoKNz4n5XsqbKRFunPo2cM7dbj6IXoriRIFz63YGU2AOcc1afL5iKt+N+HAATPnr3fXvSKwjr+XLSLHX/sDc6ThoQzfEYfEvqHyh8dIXqBGkcNW8q2AN0/SA+2GjlzdDzv/b6bt5ZlHfFBupf/hAmkfvE5RU897Zlj/b33qF2xgvgnHscyqHOnetI0jY9W5fLI11uorPcUDT1lWCx3nDig0wqLie4hJtjC25eM4a1lWcz7ZgvfbtrDxvxKXrhgVJtTu1WHg6ovv6Lsvfewb9nS4vUBDTd+/ZnM534mqW9/Kvpfyp6aAL5+YT1n3D6K0Bj/jnxbrdJUldoVK6j434dU//wzuFwA6IKCCLvoIsIvvwyd1fN9f/b7bSzLKMXPqOeVi0bjb5ZQQ4j2kMJxwqd2Ftdw7FO/oFPgtzuOJS6k88dxOwsKyJg+A1SV1EVfY05NbfZ6ZXEdf36dxfaVexqD8+RhEYw9JYXIxMBOb58Qouv8lvcbV/94NQkBCXxz5je+bs5BZRTVMOPpX1AU+OW2aSSGSyDYVM3SpeTfdRfu4hIwGom84XrCL70URd/xGU/ZpbXc9dkGlmWUAjA4LogHTxvC6KSuqasiuo/1uRVct2ANu8vqMOgU/jFzAJdNTtnvxXzVbqf8/QWUzZ/fOLUggHngQPzHjkEfEYGi06O6nHy75A3C82tILtGhuFVcejNrht9IdVAS/mY3Z9w2kqA+HX/BTtM0bBs3Uf3dt1R9821jrzmA34gRhJx7LkEnntBsdoWfthRy2dt/AfDsuSOYPTK+w9slRE92KHGoXN4SPvXfP3YDMK1/VJcE6AAVH38Cqop1zJhmAbq9zslfi7JYvzgX1e2JzpOHhjPmlBSikuSCjhC90V97PCeUR8V03/HoTaVHBXBMv0h+3V7M2yuyuOeUzu0p7mkCjj6a1C++YM+991L9w48UP/U0Nb/8Qtyjj2FK6JiAweVWefO3XTzz43ZsThWzQcctx/XjsskpXZYNJrqXYQkhfHXDZP7xyXoWbdjDw19vYUVmKU+ePbzZlGOaplH93XcUPfFks1TxsDkXE3z66RjCwlrsW5vsxx1/PcFQcyovmedS/f0PDF/5OquG3EAtUXx25yLGln5G4IBkzKlpGKKiMERHYYyKwhAVhT4sDEV34O+lpmm4Kypw5uRg27yFur/+ou7PP3EVFjauowsMJPjUUwk55xws/fu12Ed2aS03/28t4KkvJAG6EIdHgnThM00Lxp0/NrFLjqm5XFR8/DEAIeee61mmamxels/vn+9snOO8z6Awxp2aSnSyBOdC9GYbSzYCMCpqlI9b0naXTEzm1+3FfPhnDjcf148ASSdtxhAaSvy//03lp59R+Mgj1P+1il2zZxNz7z0EzZp1WEOVdhRWc/OHa9mYVwXAxLRw5p0xlKTwzk85Ft1bkMXIixeM4r2Vu3noq838tLWIk/+9lOcvGMnopDAcu3dTcPc91P3xBwCG6Ggib7ie4FmzUEz7nzv8tPTTeGHtC2yw7yRzWiKjT3+J2LIyQj78mu9X1VITkMDvytmM+Pl5LN9823IHBgP6wEB0gYHo/P1RDAbQKSgoqDYbal0d7ooK1OqWVeoVPz8Cpkwh6MQTCZhyTLNe86bqHW6uem81VTYXoxJD+OfJcvFQiMMlf9mFzyzdXkJ5nZOoQDNT+3dRwbhff8VVWIg+NJTA44+jNK+GJe9vY89OzzznoTFWJp3Vl6Qh3XMaJiFEx9pVuQuAtJA0H7ek7ab0iyQlwp9dJbUsWl/AOWP6+LpJ3Y6iKISceQbWMUeR//c7qF+7lvy/30HNkiXE3Hcf+uBDK7ilaRrv/Z7Nw19vwe5SCfYz8s+TB3L26ASpTyIaKYrC/41PYlRiCNctWMOuklrOfWU5Txt30O+Ld9BsNhSLhfDLLiP8sksbx3EfSLA5mJkpM/l0x6d8vfNrRkePxhAWRtJV/8dZe2r5/JnV1BLD2mPuZ1LQWvzKsnEVFeEsKsRdUgouF+7yctzl5Qc9liEyElNqKtbRo7GOHYPf8OH7Dcy96mscPPjfdWjZtYz0M/HgxL7UldowRvnJvw0hDoOMSRc+c/tH6/hoVS5zJiTxwGlDuuSYebf/naovvyRkziXsHnwWq7/NRlU1jGY9Y2elMHRaAnpJVxTiiFDrrGX8gvEALDt/GUGmnvM34cXFGTzx3TbGpoTx4ZUTfN2cbk1zuSh57TVKXnwJ3G4M0dHEPToP/wlt+9yKq+3c8cl6ft7qGTt8TL9InjxrGFFBXVc9XvQ8NXYXD7/7G8PnP8WIkgwAjEeNIfHRf2FKSDikfS3PX86VP1xJmCWMn87+CYNubx9bdZmNL55bS0VhHWZ/A8dfOpjEwZ6OBs3lwlVailpVhbu6BrW2Bs3lAlUFTUOx+KGzWtEHBWKMjz9oQK5pGmX5teRtLyd/ewUFmZXUVTlaXTc0xkq/sdH0GxtDUETXDGcUoruTMemi23O5VX7c4hnrdMLgmC45puZ2U/vrr9RaY1hXM5bSRVkApI6M5Ohz+hIQKidcQhxJsqqyAAizhPWoAB3gjFHxPPn9Nv7YVUZOWZ1UEj8AxWAg8pprCJg8mfzb/44jO5vdl1xK2Jw5RN5y835n+ABYvLWI2z9eR0mNA5NBx50zBzBnQjI6nfQQigPTbVzHZW/fi6ukmHq9iTeHnMKqgVN41uHH+EPc15iYMYSYQyizlbGqcBXjYsc1vhYYZuGM20bx9UvrKdxVxZcvrGPcrBRGn5iMYjBgjI6G6Oh2vw9brZOcLWXs3lzG7k2l1FW2DMqrFY3ACAtRVhP2Ohc15XbK99Sx8otd/PHlLobPSGTsrBSMJpmyVoi2kiBd+MSfWeWU1zkJsRoZm9KyUEpnqFu7lt3+Q9mRfhZqqYrZ38DUCwaQPjqqS44vhOhesiqzAEgOSvZpO9ojNtiPSWkR/JZRwierc7lpRstCTqI5v2HDSPnsUwoff5yKD/5H2dtvU7t8OXFPPoGlf/9m69pdbuYt2sr85VkADIgJ5LnzRtI/Rmb4EAdXtmABhY/8C9xuTGlpKPf+i23LytlTVMMFr//OTTP6ce20dPRtvNhj1Bk5NvFYPt3xKT9k/9AsSAfwCzQx+5aRLP1wB5uX5rPyi13kbqtg8tl9iUgIOKS2a5pGSU4N2RtLyN5YRuGuSprm3BpMOmLTQwhJCuDJ1dlssdmYPiSGly8a1Zje7qh3kbmmmG0r95C3rZy1P+xm55oipl00gIQBXXPOJ0RPJ+nuwifu/2IT85dnceaoBJ46Z3inH8/pcPPdPz8ju9rzxyFxcBjHXjwQ/+D996AIIXq3F9e+yCvrXuHMvmdy/8T7fd2cQ/bZmlxu/t86EsOs/HL7VBn/eQiqFy+m4O57cJeWohiNRN50E2Fz56Do9ewurePaBavZkOepVXLppBT+fmJ/LEbpBRQHpmkaJS+8SMmLLwIQdMopxD5wPzp/f+ocLu79fFNjwdxJ6eE8c+4IogLblsW3LG8ZV/14FeGWcH46+yf0uta/j1uW5/PLgu24XSooMHBCLMNn9CEs1n+/vyOcdje5W8vI2lBK9sZSaivszV4Pi/MncVAYiYPDiU0PBp3Cxf/5g+WZpaRG+vP5tZMItBhb3XfW+hJ++e82asrtoMDks/oyfLrU0RBHJkl3F92apmn8sNmT6n7ikM5Pda8qqWfRy+sprQ5D0dyMGOhmwnXD5YRWiCNcT+5JB89QIX/TRnaX1fFnVnmXZSX1BoHTpuH3xecU3H0PNYsXU/TEE1QtWkTW/13LDWsdVNtchFqNPH3uCKb1l2yrpjSHA3dNDWp1tWecc001am0tmtsNqgZooKpomoai06ELCEAfGIg+NBRjbOwBK5n3ZJqqUvjIvyh//30AIq6/johrrmk817CaDDx59nAmpIZz98KNLMso5cRnl/LgaYM5eWjsQc9JxsaOJcgURKmtlNVFqxkTM6bV9QZOjCOubwi/L9xJxqoitiwvYMvyAgJCzfQZGIZ/iBm90VN7p7KwjrKCWkrzaj1BfQODSUefgWEkDQkncXA4gWHNLyQ89u1WlmeWYjXpeeWi0fsN0AGSh0UQ1zeE3z7awZblBfz20Q6qSuqZdHZfGTYixAFIkC663Ma8KvIq6rGa9BzdN6JTj1WUXcVXL66nvsqByVHF4C1vMe6xtyVAF0I0jklPDk72aTvay2oycNLQWD5alcsnq3IlSD9EhvBwEl56kYqPPqLoiSexbdpE1D+uZW7yONZNP5tHrziauJAjo+CV5nR6KoIXFuIqKcFVUoK7pBRXaWnD4xLP49JStPr69h9Ip8MYE4MpLQ2/4cPxGzkC68iRbapy3p1pqkrB3fdQ+emnAETfczdhF17Y6rpnjk5geJ8Qrluwmq17qrluwRq+GlzAQ7OHEBm4/+w+b8r7woyFfJ/1/X6DdIDgSCsnXDGE4dMr+WtRFrnbyqkpt7NlecF+twkMs5A8LIKkoeHE9wvBsJ/Mke827eHlJZkAPHbmMPpFH3wIiMnPwLT/G0BIjJUVn2ayfnEuNRV2jr98sBTrFWI/JN1ddLknv9vGC4szmDkkhpcvGt1px8naUMJ3r2/E5VAJ8Xcy+If7CBmaTvL773XaMYUQPYOqqYxfMJ56Vz1fzv6yxwbqv+8s5bzXfifAbODPf87ATwozHbL8inrueGMxY79bwIycVYBnfuiwuXMIv+wy9AGHNqa3O1JtNhy7d+PMz8eZn4+roABnfoHneUEBrqIiT8XvQ6CzWj1zbwcGNMy/bQQFFBTQ6UBR0Nwu1Jpa1OpqXCUlaHZ7i/0oFotnLu6ZJxIwdSo6S88q4qqpKnvuu4+Kjz4GvZ64R+cRPGvWQbdzuFReWJzBS4szcKkagRYDt5/QnwvHJe13rPrS3KVc89M1RPhF8ONZP+435X1fLoeb/B0V5O+owFHvwuVU0VSNoEg/wmL9CY8PILgNU6btKqnl1Od/o9ru4tJJKdw769DnQ9/xVyE/zd+C26XSf1wM0+cMRJEedXGEkHR30a19t2kP0LlV3TNWFfH9m5vQVI0+A0MZvPkNHI5KAqZO6bRjCiF6jqK6Iupd9RgUA/GB8b5uTruNTQ4jIdSP3PJ6vt+8h9NG9Nz34gvLMkq4/r9rKKvVWDfp/xg6+GKSPnoT2/r1lL78CuUL/kvoeecRdtGFGCIjfd3cA9KcThy5uTiysnBkZ3vus7JxZGfjKth/D6qXYjRiiIrCEBmJPiIcQ3gEhogIDBHh6MPDMUREeh4HB6MLCEDRH9oFIU3TcJeU4MjJwbZlC/Vr11G/ahXO/Hyqv/uO6u++Qx8eTticOYSefx76wO5fpE/TNPY89JAnQNfpiHvsMYJPOblN25oMOm45rh8nDI7mjk/WszGvins/38T//sxh3hlDGZYQ0mKb8bHjCTQFUlJfwrridYyKHtWmYxlMehIHhzdOzdYedQ4XV727imq7izHJodx50oB27afvUdEYTXoWvbKBbSv3YAkwMumsdMlwFGIf0pMuulRueR2TH1uMXqew+p7jCPbb/zim9spcXcR3b3gC9P7jYphydhKZkyah2e2kfPE5ln5SBVmII92K/BX87Ye/kRyUzJenf+nr5hyWp3/Yzr9/2sHRfSN497JxB99AoGkar/yykye+24qqwZD4IF6+cDR9wqxomkb1Dz9Q/OxzOHbuBDwBbNBJJxF8+ulYx45B0fkmRVdTVVwFBdibBeKex87cPHC797utLjgYU3w8hrhYjLFxGGNjMcbFNtzHoQ8P7/L3pWkats2bqf72Wyq/+rrxYoIuMJCIq64k7OKLUYwdf57QUQqfeIKyN/8DiuLpQT/ttHbtx61qLFiZzePfbaPa5kKvU7jymFRunNEXs6H5xZC///p3vtn1DVcMvYIbRt3QEW/joDRN46b/reXztflEBpr5+vrJRAUdXsbDtt8L+HH+FgAmnJ7GqBOSOqKpQnRr0pMuuq3lmaUADE8I7pQAfefaYr73BujjYzj24oHU/voLmt2OMS4Oc9++HX5MIUTPs6tyF9Bzx6M3deaoeP790w6WZZSwp9JGTHDPShfuajV2F7d/tI5vNnqyus4encBDs4c0Vm9XFIWg448ncPp0qn/+mbI3/0P92rVUfv45lZ9/jiEulqDjTyDgmKPxO+oodB1cCE1TVVxFRZ5e8N2ennDn7t0NwfhuNEfLeaq9FKsVU1ISpuSkhvtkzMnJGJOSMISGdmg7O4KiKPgNHozf4MFE3nADlV9/Tenrb+DIzKToiSepXPg5MQ/cj3VU23qMu1Lpf97yBOhA7MMPtTtAB9DrFP5vQjIzh8bywJeb+XJdPi8tyeTHLYX8+/yRDIjZezI/KW4S3+z6hhX5K7osSH97eRafr81Hr1N48YJRhx2gA/QfH4ut1sVvH+1gxcJMwhMCSDqMnn4hehsJ0kWXWtEQpE9M6/iCcfkZFXz3xkZUVaPvmGiOvXggOp1C/arVAFgnTpB0KiEEsLdoXEpQim8b0gGSwv0ZmxzGH1llfLYmj6unpvm6Sd1WRlENV777F5nFtRj1CvefOpgLxia2+rdB0esJOu44go47jvq1a6n45FOqvvkGV34BZfPnUzZ/PoqfH5bBg7AMGoRlwEBMiX0wxsZiiIpqtQdY0zTUmhrcDUXYXKWluEtLceTmNgTi2ThyctBstv2+B8VoxJiYiCk5uUlAnowpORlDVGSP/TunGI2EzJ5N8KmnUrnwc4qeeAL7jh1kX3AhYXPnEnXLzd2mMnzl559T9PjjAETddishZ57ZIfuNCDDz/PkjOXloDHcv3Mj2whrOeGk5z5w7onGI4IS4CQBsKt1Eua2cUEvnXnz5M6uMh7/29HjfddLADi1QOXx6HyoK69j4ax4//GcT59w5hqCII6NYoxAHI0G66DKaprE8swSAiWkde7W0srieb17ZgOrSSB0ZyYy5Axun9qhftw4A64gRHXpMIUTP1Tj9Wi/oSQc4c3Q8f2SV8fGqHK6aktpjA7XO9M2GAm77aB21DjcxQRZeumgUoxLbFuD4jRiB34gRRP/zLmqWLKHm16XULl2Kq7iY+r9WUf/XqhbbKGYzOqsVxWTyTE/mcnmmKnM6D35AgwFTfDzGpERPAO4NylOSPdOYHeJ48J5E0ekIOeN0AqZNpeipp6j8+BPK5s+nbvVq4p9+GlOCb+su1Pz6K/n/vBuAsLlzCbvssg4/xolDYhmbEs71/13NsoxSrnx3Fbce14/rjk0nyhpFekg6GRUZrCxYyYkpJ3b48b0KKuu5+r1VuFSNU4bFcumk5A4/xuSz+1K0u5qirCq+fW0jZ9w+ar+V5YXYH03T0FQNXS+aLUCCdNFldpbUUlhlx2TQMSqp4678OupdfP3Semw1TiITA5lxyaDGf6Sa241t40YALMOGddgxhRA9W+P0az10jvR9nTQ0lvu+2ERmcS3rcisZ0SfE103qNlxulSe/384rv3imjRqfGsbz54864HRX+6OzWAg68USCTjwRTdNwZGZi27QJ2+bN2LZtb6ycrjmdaHY77laqmQPo/P09xdjCwtCHh2OMi2sIxD1p6sbY2G49FrsrGEJDiXv4YQKnTSP/zruwrV/PrjPOIP6ppwg4erJP2lS/bh25N94ELhdBs2YR9ffbO+2CWJi/ifmXjOWRr7cwf3kWT/2wnZ0ltTx65lAmxU0ioyKD5fnLOy1ItzndXPXuKkpqHAyICeTxs4Z1ynvVG3Wc+LchfPjInxTvrmbZxxlMOb9/hx9H9F5ut8rSD7bjsLk57tJBveYitQTpost4x6MflRTaOPbvcGmqxvf/2UR5QS3+wSZOunoYxiZTENkzMlHr6tBZrZjTJAVUCAH1rnoKaj0FqnpLT3qgxcgJg2P4fG0+n6zKlSC9QXmtg+v/u4bfMjxZXFccncIdJw7A0AG9LYqiYE5Px5ye3mw8sqaquCsrUWvr0OrrUO0OFKMBRa9H5+eHPjy8x00z5kuB06eT+tmn5N1yK/Xr1pFz1VVE//Muwi64oEvbYc/MJOdvV6LV1+M/eTJxjzzc6YX2jHod9586mH7Rgdzz+UY+W5NHQWU9l80YC7zNsvxlaJrW4UGJpmncvXAj63IrCbEaef3io7CaOi9kCAyzcNxlg/jy3+vY+EseaaOiSOjf/WooiO7HXu/iu9c3krO5DBQYNi2BmNRgXzerQ/SenADR7a3ohFT39Utyyd5Qit6o46RrhhEQ2rxnpH7dWsDTi96b0wOFEG23u2o3AMHmYELNvedE8MxRCQB8sS6fesf+q3wfKTKLazj9pWX8llGC1aTnhQtG8s+TB3VIgH4gik6HITQUU0I85r598RsyGEv//pjT0zHGx0uA3g7G+HgS332H4Nmzwe2m8MGH2PPwI2guV5cc35mXx+7Lr8BdWYll2DASnnu2S8fHXzAukbfmjiHAbOD3nWU8utCOUWeiqK6InZU7O/x476zI5uNVuegUeOH8UfQJs3b4MfaVOCicwcd4hjIsfncLTrv8DhMHVlVSz6dPrCJncxkGk46TrhraawJ0kCBddBFV1RqLxk3ooKJxpXk1rPjUk744+ax0opJaTmVQv349AH6S6i6EaLCrqqGye1Byr0mLA5iUHkFimJXKeiefrcnzdXN8anlmCae/uIys0joSQv347JpJnDIsztfNEodBZzIRO+9fRN5yCwDl771HzjXX4K6p6dTjOgsKyJ4zF1dBAaaUFPq8+go6f/9OPWZrjukXyUdXTSAmyEJmkQNXXTIAy/OXd+hxft9ZyoNfbQY8heIm9+34Qr/7M/H0NAJCzVSV2Fj5ecdffBC9R2l+DZ88sYqyfE8m7Rm3jSZleKSvm9WhJEgXXWLLnirK65z4m/QMSzj8q1xup8oP/9mM26WSNGTv1dd92dY1BOnDJUgXQng0Fo3rJePRvfQ6hYsneOYanr98F5qm+bhFvvHBH7u5+M0/qLK5GJUYwsJrJ9E/JtDXzRIdQFEUIv52BfH/fg7FYqH216Vkn38+jtzOuSjlLCwke85cnLm5GBMTSZz/lk+nshsYG8TCaycxMDaI+sp0AL7YvqTD9p9XUc+176/GrWrMHhHHZZO7dvYLk5+BqRcNAGDd4hwKMiu79PiiZyjKruKzp1ZTV+kgLM6fs/5xFJGJve93vATpokt4e9HHpoRh7IBUw5Vf7KQ0rwa/QCPHXjyw1d4wd00N9owMQHrShRB75dV4TugTgxJ93JKOd86YPvib9GwvrGFZRqmvm9Ol3KrGvxZt4R+fbsClapw6PI4FV4wnIuDQC8SJ7i3o+ONJeu89DJGR2HdkkHXOOdStWdOhx3Dk5JB98cU4d+/GmJBA0tvzMUZHd+gx2iMm2MJHV01gZMQ4ALaUr+GJ7zfiVg/volxZrYPL5v9Jaa2DwXFBzDujcwrFHUzS4HAGjI8BDX79YBvqYb4v0bvkZ1Sw8Jk12GtdRCUHcfqtowgI7Z1DiCRIF11ieQfOj16WX8van3IAmHrhAKxBrY8Ls23cCJqGMS4OQ2TvSoERQrRfcV0xAFHWKB+3pOMFWYycNdozNv2tZbt83JquU2VzcuW7q3jtV0+K7E0z+vLceSM6rEip6H78hgwm+aMPMQ8aiLusjN1z5lL55Vcdsu/6DRvJOu98nNm7McbHewL02NgO2XdHCDAbeP/i0zArwSg6J6+sWMKc//xBaU3rswkcTHmtgwvfWMnWPdVEBpp59f9G42fy3b+diWelY/IzUJJTw9blBT5rh+he9uys5Kvn1+G0uYnrG8JpN43A4t97Z8GQIF10OlXV+HNXGQATDrNonKZp/PbRdjRVI2V4BKkj9h981zekulsk1V0I0URRfREAUX69L0gHmDvJk6L609YidpXU+rg1nW9TfiWznv+NH7cUYjLoeO68Edw0o1+vqjcgWmeMiSH53XcJmD4dzeEg//bbKXruucMqKFe9eDHZF1+Mu7QU86CBJP13AcZ4387N3hqjQc/kPkcBYA7I5beMEmY+t5QfNhce0n7Kax1c8MZKthRUERFg5r9XjCchtPMLxR2IX4CJMScnA/D755k46rumQKDovop3V/Pl8+tw2t0kDAhl1vXDMVl69yRlEqSLTpdZXEO13YWfUc+AwxwXmLW+hJwt5egMCpPOSj/guvXr1gHgN3z4YR1TCNG7FNV5gvRIa+/MsEmJ8OfYAZ4LEPN7cW+6qmq8+3s2p7+0nOzSOuJD/PjwygmcNqL7BVSi8+j8/Ul4/t+EX34ZAKUvv+IZR56ff0j70Vwuip55ltyrr2mcZi3pnXcxRnXfi3nDIz3nNxMH15AeFUBRtZ0r3vmLGz9YQ1mt44DbutwqC1bu5rhnfmkM0D/423jSowK6oukHNXRqAiHRVuqrnaz6NsvXzRE+VJpXw+fPrcFR7yI2PZiTrh6GwYeZHl1FgnTR6dbkVAAwNCH4sKa+cTtVfvvYM8Z8xPREgiP3f6VX07Qmld0lSBdCeNjddirtnmJEvTHd3evSht70//6R0yt707fuqeLsV1dwz8KNOFwqxw6I4usbJsv88EcoRacj6rbbiHviCXT+/tSvWsXO02ZT8elnaO6DT+XlLCgge+5cSl99FYDQC86nz8svoQ/o+iruh2JYpCdTMLNqE19eN4krp6SiU+DztflMmPcTN32whuWZJVTbnKiqhsutsj63gtd/3cnJ//6Nuz7bQEmNg9QIfz7427huE6AD6A06Jp3p6YxZ+1MOlcV1Pm6R8IWachtfPr+ucQz6KdcOx2ju/QE6QO/OExDdwtqGIH3kYZ48rVucQ1VxPdZgE6NnJh1wXVd+Pu6SEjAYsAwaeFjHFUL0Ht7x6Ga9mSBTy2kbe4tJ6eEc0y+SX7cX88CXm3hr7phekf5dVG3j5SWZvLsiG5eq4W/Sc+vx/Zk7MRmdrue/P3F4gmedgt/wYeTddju29espuOsuyubPJ/KWmwmYMqXFvwF3dTWlb7xJ2dtvo9ls6Pz9iX34IYJmzvTROzg0g8IHYVAMlNSXUO4o4s6ZAzlxcAx3L9zIpvwqFq7NZ+HavRkFBp2Cq0khtmA/IzfN6MuF45IwGbpfv13S0HD6DAojZ3MZf3y5i+MuHezrJokuZK938dUL66itsBMaY/WkuPsdOaHrkfNOhc+s3V0BcFg9HE6HmzXf7wZg/GlpBx2HYtuyBQBzv77oLL2z6qMQ4tAV13uC9Ei/yF4RtO6PoijcP2sQJzz7K0u2FfPD5kKOHxzj62a1W35FPf/5bRfvrczG5lQBOGFwNPefOpjYYD8ft050J6bERJLff4/S+fMpfe117Nu3k3vV1RhiYrCOHYPfsOG4y8txZGVRu3w57vJyAPxGjSJu3r8wJR24E6A78TP40S+sH5tLN7OueB1xAXGMTAzlq+snsy63kv/9mcNX6/KptnvGdLtUjUCLgbHJYUxIC+es0QmEWFsvvtsdKIrChNlp5GwuY/ufhYyemUxYbPfObhAdw+1S+fbVDZTm1WINMnHK9cN7dZG41kiQLjpVvcPNtsJqAEYkhrR7P1uXF2CrcRIYbqH/uINPgWLf6RmHaU478Lh1IcSRxTsevTenunulRgZw+dGpvLwkkwe/2swx/SJ7VLXzGruLn7YU8vEqT1Es77TvIxNDuOW4fhzdt3fWFBCHTzEaibjiCkLPPpvSN96g7L33ce3ZQ9UXX1L1xZfN1jWlpBB16y0ETJ/eIy/cDY8czubSzawvXs/MFE8GgKIojOgTwog+Ifzr9CHYXSo1dhd2l0pMkAV9D8o6iUwMJHVEJDvXFvPn17s44fIhvm6S6AJL/7ed3K3lGMx6TrluOEHhR97FWAnSRafakFeJW9WIDjK3u7dDdaus/dHTiz5iRiK6Noxrd2RmAmBOS23XMYUQvZM33b23Fo3b1/XHprNwTR655fXMW7SF+08d3G0DEVXV2FFUw4rMEn7aWsTKnWU43Grj6+NTw7hqShpT+vXuLAjRcfQhIUTddhsR115L/dq11P7xB/bNWzBERWJKTsaUlkbA5Mkohp57Ojw8cjj/3fpf1hWva/V1RVGwGPU96gLdvsacksLOtcVkrCriqJk1hMd3n7HzouNtXpbPpqX5oMAJlw8mMvHwik73VD33t5LoEdbmeNLIDifVPXN1MVUlNiwBRgZOats8pfadnrlyTSkSpAsh9jqSetIBrCYD980axFXvrebtFdm4NY0HTx3SLcZvq6rGlj1VrNxZxspdpfyZVd6iInVKhD+nDo/jzFEJJIb7dloo0XPp/PzwnzAB/wkTfN2UDuctHrelbAt2tx2z3uzjFnW8iIQA0kZFkbm6iD+/2sWJVw71dZNEJynMquKX/24DYNysVJKHRvi4Rb4jQbroVN6icSP6hLZre03TWP19NgDDpiVgbMOUC5qm4WgI0qUnXQjRVG+fI701Jw6J5ZHTh3D3wo289/tuamwuHjl9KP7mrjkFcKsae6psZJfUklVax/bCajbnV7G5oIoae/P5jy1GHaOTQpnSL5LpA6NJi5QeMyEOJCEggTBLGGW2MraUbmFE1AhfN6lTjDklmcw1RWSuKaYkt5qIhCOzd7U3q6ty8O2rG1BdGinDIxh9Ys+pD9EZJEgXnepwi8blbimnJKcGg0nH0CkJbdrGVViIWlsLej2mxMR2HVcI0TsdaenuXheOSyLAbOCWD9excG0+X60vYGRiCEclhxFgNqDXKSh4Cks5XCouVcXp9jzWNA1FUVAUUFDQKaAooPMsQKd4ttUpCm5No6TaTlG1neKG+7JaO00KSjfjb9JzVHIYY1PCGJ8axtD4kG5ZZVqI7kpRFIZFDmNJzhLWFa/rtUF6eFwA6aOjyPiriNXf7eb4y6TSe2+iulW+f3MjNeV2QqKtTJ87CKUbZHz5kgTpotMUVdnIr7ShU2BYQnC79rHhl1wABk6KwxLQtqqO9obx6KbERBRT961aKoToekdauntTp42IJ9Bi4L4vNpFTVs+fWeX8mVXeJcc26BQSw6wkhVtJiwxgcHwQg2KDSYv0x9CGOiNCiP0bHjm8MUjvzUYdn0TGX0VkrCpiwulpBIbJ7D29xYrPMsnbVoHRrGfmlUMxH0FTre2PfAKi06xpSHXvFx3YrrTK+moH2RtKARh8dFybt3NkNoxHl1R3IcQ+mk7BdiQ6dkA00/pHkVNWz7LMEjblV+J0abhUDU3TMOp1GPQKRr0Ok0GHQaegUxQ0NDQNVI3Gx5rWcpmiQESAmcgAM5FBnvuoIDPh/uYeVVFaiJ5keORwgF4fpEcmBhLfP5S8beWs+ymHyWf39XWTRAfY8Vcha3/MAWD6nIGExck0eyBBuuhEaw4z1X37H4WoqkZUUiDhcW0fl2jf2VDZXYrGCSGaqHXWUuusBY7MnnQvRVFIDLeSGC7DgYToDQaHD0an6CiqK6KkvoQIv95bbGvk8YnkbStn82/5jDk5GbP1yJo7u7cpK6jl53e2ADDqhETSRh25f5v3JTlmotOsaywaF9Ku7bf+XgBA//Ftq+ju5WiYI1160oUQTXlT3QOMAViNUilcCNE7WI1WEgM9F922lW3zcWs6V+KgMMLi/HHa3Wz8Nc/XzRGHweV08/0bm3A5VBIGhDLuVDlvb0qCdNEpNE1jc0EVAEPiD308ekluDSU5Nej0Cv3GRB/StvbGyu5ph3xcIUTvdaQWjRNC9H4DwgYAsLVsq49b0rkURWHkcZ4LEut/zsXtVH3cItFeyz/JpDSvBr9AIzMuGYRO6pM0I+nuolMUVNqorHdi0Cn0jT70KXS8vejJwyLaXDAOwF1ZibukBJA50oUQzR2J068JIY4M/cP6823Wt2wr79096QB9x0Tz++c7qa2wk7G6iP7jYjps39lV2SzJWcL28u2U2kopqy/DqDMS4x9DrH8sgyMGMzl+MoEmmQLucOxcW8yGJZ7i0NPnDMI/2OzjFnU/EqSLTrGloRc9LTIAs+Hgc5s3pbpVtv9RCMCA8Yf2i9feUDTOEBODPkAKTwgh9pKedCFEb9UvtB/Q+9PdAfQGHUOOiWPlF7vY+EveYQfpdredD7Z+wGc7PiOzMrPVddaXrG98bNAZGBc7jvP6n8eUhCkoihTFPBR1VQ5+ftczDn34jD4kDQn3cYu6JwnSRafwBukDYw/9SuPuzWXUVznwCzSSeIj/cB3eonGp0osuhGjOOyZdgnQhRG/jTXfPqsrC5rJhMfTu6ckGTorjz6+y2LOzkuKcaiL7HPr5pqqpfL3za55f8zwFtZ4MToNi4KiYoxgbM5YIvwjC/cJxqk4KagrIqc5hef5ysqqyWJa3jGV5yxgTM4bbjrqNQeGDOvot9lorFmZir3URHh/AhNNkaOr+SJAuOsWWgmoABsYGHfK2O9d6ervSR0ejP8TxKd6edJME6UKIfXiD9GjrodW5EEKI7i7SL5JQcyjl9nIyKjIYEjHE103qVP7BZlJHRZLxVxEbf8lj2kUDDmn7cls5t/96OysLVgKeGT+uGn4VJySfQJDpwOeuOyt3sjBjIe9vfp8/9/zJuV+dyxVDr+C6kdehU2Rc9YEUZFSwdbnngsjUC/ujN8rntT/yyYhO4e1JH3CIQbqmamQ1zI2eMvzQpxBpnH5NKrsLIfZxpM+RLoTovRRFoX9Yf+DISHkHGDolAYDtf+zBXuds83abSjZx7lfnsrJgJX4GP24cdSNfn/41Z/c7+6ABOkBqcCq3jL6Fr07/ipNTTwbg9Q2vc8evd2B329v3Zo4Aqlvll/9uB2DgpFhiUg+9sPSRRIJ00eHqHW52lXrmIj7UdPei3dXUVzkwWvTE9Q055GM7GnvSJX1GCNGctyf9SJ4jXQjRe/UPbQjSj4DicQCx6cGExfnjcqhs/X1Pm7b5IfsHLv7mYgpqC0gKSmLBSQu4fOjl7RoeEBsQy6NHP8rDkx7GoDPwbda3XP7d5VTaKw95X0eCDUvyKM2rwexvYMLpcp5+MBKkiw63rbAaTYOIABNRgYf2Sy9rvacye+KgMPSGQ/t6qjYbzjzPnJnSky6EaErTNCkcJ4To1Y60nnRFURg61dObvvGXPDRNO+D6i3cv5u+//B2H6mBqn6n89+T/kh6aftjtOC39NF6d8SqBpkDWFq/lxsU34nA7Dnu/vYmt1skfX+0CYMLsNPwCTD5uUfcnQbrocHuLxh36ePSsDZ4gPXnooae6O3NzQdPQBQSgD5dKkUKIvaocVThUz0mTpLsLIXqjxiC9fBuqdmTMH95vbDRGs56KwjoKMir2u95veb9x6y+34tJcnJx6Ms9OfbZDp1EbGzuW+SfOJ8AYwKrCVTyw4oGDXjQ4kqz7KQdHvYvweH8GTYrzdXN6BAnSRYdrb5BeU26nJKcGFEgcfOhBtjM/HwBjXJxMhyGEaKawzjOtY6g5FJNeruALIXqflOAUjDojtc5a8mryfN2cLmGyGOh7lGcI05ZlBa2us7ZoLTctvgmn6uS4pON4eNLD6HWHNj1wW/QL7ceTU55Er+j5IvML3tz4Zocfoyey1ThZ91MOAGNPSUXRyTl6W0iQLjpce6df8/aix6QEYQ069JNoZ77nl7MxTq7QCSGak1R3IURvZ9QZSQ/xpG9vL9vu49Z0nYENPbMZq4tw1LuavVZSX8ItS27B7rYzJWEKjx3zGAZd501uNSl+Ev8Y+w8Anlv9HMvylnXasXqKNT/uxml3E9EngJQRh54pe6SSIF10KE3T2NrO6deyG4L0pHakukPTnvTYdm0vhOi9ZI50IcSRoF9oPwC2lm/1cUu6TnRKEKExVlwOlYxVRY3LnaqT2365jeL6YtJD0nn8mMcx6oyd3p7zBpzHOf3OAeD+FfdT46jp9GN2V/XVDtYvzgVg7Ckpkul6CCRIFx0qt7yearsLk15HWmRAm7dzOtzkbC0H2jceHcBZID3pQojWldo8UztGWOQqvhCi9xoQ5pkv/EgpHgeeAnIDJno6aLYsz29c/uyqZ1lVuAp/oz/PTH0Gq9HaZW269ahbiQ+IZ0/tHp5d/WyXHbe7WfP9blx2N5GJgSQPk7+/h0KCdNGhNjekuqdHBWDUt/3rlb+9ArdTJSDMTHi8f7uO3XRMuhBCNFVhqwAgxBzi03YIIURn8haP215+5KS7A/QfF4OiU9izs4qyglp+zf2Vdza/A8Ajkx4hOTi5S9tjNVq5f+L9APxv2//4c8+fXXr87sBe52Tjr57aCGNnSS/6oZIgXXSo9haNy2+oyJkwIKzd/4i9QbohVtLdhRDNVdgrAAixhPi0HUII0Zm8Y9LzavKoc9b5uDVdxz/YTNIQT9HhDb/t5uHfHwbgooEXMT1puk/aND52PGf2PROA+5bfh81l80k7fGXT0nycdjdhcf6NPxvRdhKkiw61bY93PPqhFY3zTpsRmxbcruNqLheuQk/1ZmNcfLv2IYTovSrtlQAEm9v3O0YIIXqCUEsooeZQALKqsnzbmC42sCHlff3y3eypKSQ+IJ7rR17v0zbdetStRFmjyKnO4YOtH/i0LV3J7VIbx6KPmNFHetHbQYJ00aEyiz3FMdKj2j4e3e1UKcryBPdx6SHtOq6rsBBUFYxGDJEy5kUI0VxjT7qkuwshermU4BQAdlbu9HFLulbS0HAMVgVdvZGEin7cO/7eLh2H3ppAUyDXjbgOgDc2vkG1o9qn7ekqGauKqK2wYw0y0W9MjK+b0yNJkC46jMutsqukFuCQisYVZVfhdqn4BRoJjvJr17Ebi8bFxKDo5GsthGhOgnQhxJEiNSQVgJ0VR1aQrikqWZHrAJhmm83E+Ik+bpHHrLRZpASnUGmv5O1Nb/u6OZ1O0zTW/rgbgKHTEtAb5by8PeRTEx0mp7wep1vDYtQRH9L2YLsg05OGGpsectjj0aVonBCiNd50dwnShRC9XWpwQ5B+hPWkf7XzK/4I/BGAwLw4HDbXQbboGgadoTHt/p3N71BaX+rjFnWuvG3llOTUYDDpGHKMDEFtLwnSRYfJKPKkuqdGBKDTtT3YPtzx6ADO/IaedCkaJ4TYh6qpVDokSBdCHBmOxCDdqTp5Zd0rFAVkowQ7cTs1dq4p9nWzGs1InMHg8MHUu+p5Y8Mbvm5Op1r3s2cs+sAJsVj8O39e+t5KgnTRYdozHl1TtWY96e0lPelCiP2pdlSjaiogQboQovdLC0kDIKcqB6fq9HFrusaXmV+SV5NHmF8YIyZ7xuRvW7nHx63aS1EUbhh1A+CZkq24rvtcQOhINeU2sjeUAJ5Ud9F+EqSLDuPtST+U8ehle2qx17kwmHRE9Gn7dvvaG6RLT7oQojlvqrvVYMWol6v6QojeLdoajdVgxaW5yKnK8XVzOp3T7eS19a8BcOmQSxkyoQ8AudvKqSnvPtOeTYidwPDI4ThVJx9t/8jXzekUW5YXoGkQ1zeE0Bh/XzenR5MgXXSY9vSkF2R4Tp6jU4LR69v/dWwsHCc96UKIfZTbywHpRRdCHBkURWms8J5Zmenj1nS+hZkLyavJI8IvgnP6n0NQhB+x6cGgwfY/C33dvEaKonDRwIsAT2+6w+3wcYs6lqpqbP7N02k2+Gg5Hz9cEqSLDqFp2t6e9Ki2XzkryKwA8PwyPYxjS7q7EGJ/ZI50IcSRpnFcei+v8O5SXby+/nUALhtyGX4GT+HifmM9035tX9l9gnSA6UnTibJGUWYr47us73zdnA61e1MpNeV2zP4GUkdG+ro5PZ4E6aJDFFfbqba50CmQHH4IQXpDT3pcWki7j+2uqECrrwfAIIXjhBD7kOnXhBBHmsZp2Hp58biluUspqC0g1BzKWf3OalyePjoKnU6hNK+G8j21Pmxhc0adkfP6nwfAe1veQ9M0H7eo43h70QeMj8Vg1Pu4NT2fBOmiQ2Q0pLr3CbNiaeM/zJpyO9WlNhQFolOD2n1sby+6PiICndnc7v0IIXqnClsFIEG6EOLI4e1J31W5y8ct6Vwf7/gYgNnps7EYLI3LLf5GEgaGAbDjryKftG1/zux3Jiadic2lm1lXvM7XzekQtRV2sjZ4ppYbNFmyWjuCBOmiQ2Q2pLqnH0LRuOKcagBCY/0xWQztPnZjqrv0ogshWuHtSZd0dyHEkaJpkO6d3aK3Kagp4Le83wA4o+8ZLV7ve1QUABl/FXarHuswSxgnp54MeHrTe4MtKwrQVI3Y9GDCYqVgXEeQIF10iMxiTypR2iEUjSvN9QTpkX0CD+vYLikaJ4Q4AO+Y9BBLiG8bIoQQXSQhMAGjzojNbSO/Jt/XzekUn2Z8iqqpjI0ZS3JwcovXU0ZEojMolO+pozSv+6S8A1w48EIAfsr+iXJbuY9bc3g0TWN7w3R3AydKh1lHkSBddIiMdvSkl+R4tglPaP/UawDOPOlJF0Lsn4xJF0IcaQw6A0lBSUDvHJfuUl18uuNTAM7ud3ar65j9DCQNDgc8vendSf+w/gwIG4BLc/F91ve+bs5hKcmpoXxPHXqjjrSRUb5uTq8hQbroEN7p1w6lsntxrmebw5kfHWT6NSHEgUl1dyHEkcg7DVtvHJf+W95vFNUVEWoO5djEY/e7XnpDyvuOVUXdKuUd4JTUUwD4etfXPm7J4dn+h6cXPXloBCa/9g9fFc1JkC4OW43dRUGlDYC0NvakO2wuqoo9FdkjDrcn3TsmPV6CdCFES9KTLoQ4EqWFpAG9syf94+2egnGnpZ+GSW/a73rJQyMwGHVUFddTvLu6q5rXJicmn4iCwpqiNeTV5Pm6Oe2iqho7Guai7zc22set6V0kSBeHbWdDL3pEgIkQ6/5/UTZV2tCL7h9ixi+gbdvsT2NPuqS7CyFaIUG6EOJI1FvnSq+0V7IsbxkAp/c9/YDrmiwGkoZ6U967V5X3aP9oxsaMBWDRzkU+bk375O+ooLbSgdm6d2iB6BgSpIvD5h2P3tZedIASb6r7Yfaiaw4H7lLPlA+GmJjD2pcQoneSdHchxJEoMSgRgN3Vu33cko71a+6vuDQX6SHpjRciDiR9tKeHN6Mbprx7q7x/tfOrbte2tvCmuqeNjERvlLCyI8mnKQ7bznZUdu+oIN1VVuZ5oNejDwk5rH0JIXqfelc9NrdnOE6oOdTHrRFCiK6TFOgpHFdmK6Pa0b1SvQ/Hz7t/BjjgWPSmkoaGYzDrqS6zUbirqjObdshmJM3ApDOxs3InW8u2+ro5h8TtVMlcXQxAv7HSUdbRJEgXhy27rA6A5HBrm7dpDNIPd/q1koZe9PBwFJ18nYUQzXl70Q2KAX+jzN0qhDhyBJgCCLOEAb2nN93msrEs35PqPj1xepu2MZr0pAyLALpfynugKZApfaYA8PXOnlVALntTKY56F/4hZuL6hvi6Ob2ORDXisO0u9fSkJ4a17QRYdauU5nVQT3qJ5wqePkLGwQghWvKORw82B6Moim8bI4QQXcw7Ddvuqt4RpC/PX069q544/zgGhg1s83bpoz1V3jNWF6Gp3Sut3Jvy/n329z0q5T1zjeeCR/roKBSd/H3taBKki8O2u6EnPTGsbT3pFUX1uJ0qBrOeoEi/wzp243j08IjD2o8QoneSonFCiCNZn8A+AGRXZfu4JR3jp90/AZ5U90O58Jo0OByTRU9thZ2CzMrOal67TIybiEVvoaC2gO3l233dnDZxu1WyN3jOwVNHRvq4Nb2TBOnisFTZnJTXOQFIbGO6u7eye3icP7rDvPLWmO4eIUG6EKKlpj3pQghxpOlNPeku1cUvub8AbR+P7qU36kgd4QkmM/4q7PC2HQ4/gx/jY8cDsCRniU/b0lb52yqw17nwCzQSkyp/XzuDBOnisOwu9fSiRwSYCDAb2rRNSa6neMnhjkcHcJWUAGCQdHchRCsqbZ4eE+lJF0IciXpThfdVhauotFcSag5lVNSoQ94+/aiGKu9rilG7Wcq7d1y69yJEd7dznWe4acqwiMPucBOtkyBdHBZvqnufNqa6Q8dVdgdwl3qCdH24BOlCiJYa090tIT5thxBC+IK3wntv6En3prpP7TMVvU5/yNsnDAzF7G+gvspB/vbyjm7eYZmS4AnSN5RsoKS+xMetOTBN1di1tiFIHyGp7p1FgnRxWLIbetKTDiVIz+m4IH1vurv8khBCtCTp7kKII5m3J73cXk6Vo3tNP3aoluV5qrpP6zOtXdvr9TrSGoLKHau6V5X3SGskg8MHA5554LuzwuwqaisdGC16+gwI83Vzei0J0sVh2V3WUNk9vG2V3etrHNRVOQAIizv86ZAk3V0IcSDeKdgk3V0IcSTyN/oTbvGcI/Xk3vSCmgJ2V+9Gr+gZEzOm3ftJa6jyvmttMapb7ajmdQhvynt3H5e+a63n3DtpSDh6o4SSnUU+WXFYDrmye2E9AAGhZkyWto1hPxBX6d550oUQYl9S3V0IcaTzFo/ryRXe/9jzBwCDwwcTYGp/JmZ8/4aU92on+Rndq8r71ISpAPxe8Dt2t923jTmAnQ2p7qnDJYu1M0mQLg5LY7p7Gyu7VxR6et5DotueHr8/qsOBWun5BauX6u5CiFZ4e9Il3V0IcaTqDcXjvEH62Nixh7UfvV7XGFxmdrOU9wFhA4i2RlPvqmdlwUpfN6dV5XtqqSisQ2dQSBoiHWSdyedB+osvvkhycjIWi4Vx48bxxx9/HHD9Z599lv79++Pn50efPn24+eabsdlsXdRa0ZTDpZJf4ekZb+uYdG9PekcE6d450jEY0AfLCbgQoqVyu6c4kPSkCyGOVD19GjZN0xqD9MNJdffyprxnru1eVd4VRWksIPdLTves8p7VMDd6Qr9QTH6HnxEr9s+nQfr//vc/brnlFu677z5Wr17N8OHDOeGEEygqav3K1oIFC/jHP/7Bfffdx5YtW3jzzTf53//+x1133dXFLRcA+RX1qBpYjDoiA81t2qai0NPz3hFBemPRuLAwFJ3PrzcJIbohSXcXQhzpEgMbetJ7aJCeU53Dnto9GHQGRkaNPOz9JfQPxWz1VHkvyKg4/AZ2oMnxk4G9mQPdze5NnnPvxMHSi97ZfBrZPP3001xxxRVccsklDBo0iFdeeQWr1cp//vOfVtdfvnw5kyZN4oILLiA5OZnjjz+e888//6C976JzZDcZj64obZsjsaKoA4P0Um/ROEl1F0K05FJdVDuqAUl3F0Icubzp7tnVPXNM+so9ntTv4ZHD8TP4Hfb+9AYdKcM9546Zq4sPe38daXTMaHSKjqyqLIrqulc6vtPuJr/hokbiYKnq3tl8FqQ7HA5WrVrFjBkz9jZGp2PGjBmsWLGi1W0mTpzIqlWrGoPynTt3smjRIk466aT9Hsdut1NVVdXsJjrG7tKGyu5hbavSrqoalUWedPfQjkh3b6jsrpfK7kKIVjSdbkiCdCHEkcrbk15pr2ys09GT/FHgOe8fFzOuw/aZNqoh5X1NEVo3SnkPMgUxIGwA0P160/O2l6O6NALDLR3S2SYOzGdBeklJCW63m+jo6GbLo6Oj2bNnT6vbXHDBBTz44INMnjwZo9FIWloaU6dOPWC6+7x58wgODm689enTp0Pfx5HMW9m9rUXjaspsuF0qeoOOgDDLYR+/Md09XHrShRAteVPdA4wBGHVG3zZGCCF8xGq0EunnKZbW01Lem45HP9yicU31GRCGyc9AXaWDgp3d68LF2BjP+/xzz58+bklzuzeVAZ5U97Zm0Ir261EDeZcsWcK//vUvXnrpJVavXs2nn37K119/zUMPPbTfbe68804qKysbbzk5OV3Y4t7NW9m9rdOvlTeMRw+O8kOnO/x/3I3Tr0m6uxCiFTJHuhBCePTUlPeMigzKbGVY9BaGRQzrsP3qjTpShjWkvHezKu/e4njdLUjP9o5HHySp7l3BZ0F6REQEer2ewsLCZssLCwuJiYlpdZt77rmH//u//+Pyyy9n6NChnH766fzrX/9i3rx5qKra6jZms5mgoKBmN9ExGudIb/P0aw3j0aM6JkXGVeIZR2SQdHchRCtk+jUhhPDoqRXevb3oo6JHYdR3bEZUY5X3NcXdKuV9VNQo9Iq+sWBed1BRVEdVcT06vULCgFBfN+eI4LMg3WQyMXr0aH766afGZaqq8tNPPzFhwoRWt6mrq0O3TxVvvV4PeNJhRNfRNG1vunubp1/ruKJxAO6GdHe9pLsLIVrhLRoXaAr0cUuEEMK3vOPSs6t6Vk/6qsJVQMdMvbavPgNDMVr01FbY2bOr+9SsCjAFMCh8ENB9xqV7U91j04MxWWTqta7g03T3W265hddff523336bLVu2cPXVV1NbW8sll1wCwMUXX8ydd97ZuP6sWbN4+eWX+eCDD9i1axc//PAD99xzD7NmzWoM1kXXKKlxUOdwoygQH9q2Spt7g/TDr8wJku4uhDiwGmcNIEG6EEJ4091zqnvWsM/1xesBT2X3jmYw6vemvK/uninv3qJ5vrZ7szfVXbJXu4pPL4Wce+65FBcXc++997Jnzx5GjBjBt99+21hMbvfu3c16zu+++24UReHuu+8mLy+PyMhIZs2axSOPPOKrt3DE2l3mqeweF+yH2dC2CyR7g/S2VYM/GFeJdwo2+YUhhGipxuEJ0v2NHfM7Rwgheqqe2JNeVFdEYV0hOkXH4PDBnXKMtFFRbP+jkMzVRUw6Mx2lA2omdYSxMWP5z8b/8FfhX75uCi6nm7xt5YDMj96VfJ6vcN1113Hddf/P3p3HR1Xf++N/ndmXrCzZIBjZBcGAKFiKKFLxarVab+vCV6u11npLUZH+gHor1VqBXuhVq9UuLr23tOW2Wkur1+UqWkHrxqosEvYthJBlkpnJbOf8/jhzThKTSeZM5sw5M/N6Ph48EiYzcz4IJvOe97ag16+99dZb3X5vs9mwfPlyLF++PAMno74ope7Vg5LLikfCMbQ3hwCkZ/2aGA5DjK/Tsw7mNwwi6knJpBfYCww+CRGRsZRMui/sQ0tHC0pcJcYeKAk7Tu0AAIwuGQ2PXZ+VXyMmDILdaUV7cwgnD/lQcaY5ZphMKZsCm2DDsfZjONZ+DMMKhhl2lvp9rYiGRXiKHBg8jG96Z0pWTXcn8zje0gEAGF6a3DfN1gY5qHd6bXAVDHzwRyxe6g67HdZic3xDJSJzUTLpBQ4G6USU39w2N8o88qC0bJnwvr1RLnWfNGSSbtewOayomSQne8w05d1j92DiELl6wOiS96PxLPrw8aVcvZZBDNIpJcdaggCAqpJk+9Hl+6cjiw50KXUfNAiChf+MiagnZtKJiDpl24T3HY1yJn3y0PStXuuNOuV98ylTDaKeVj4NALD11FZDz3F0d2eQTpnD6IZScqxZDrqHJx2kyz3s6Vu/Fg/SWepORAlwcBwRUSelL/1wm/mD9JgYwyeNnwDQN5MOyH3WNocFbU0daDjYpuu1tFD+3J82fmrYGcLBKBoOyf9Nho1jkJ5JDNIpJcdTzKSXVKRp/Vq83N06lJPdiah3HBxHRNRJ6UvPhuFxdS11CEaD8Ng8GFk8Utdr2R2dU94/+9Ace8kBqOXudS116Ih2GHKG43tbIIkSioa6UTQ4PduZKDkM0kkzSZK6BOmupB7TrEx2T3smnUE6EfVOzaTbmUknIjqjMHvK3ZVS90lDJsFq0X/N8tjzKwAAez9qgBgTdb9eMso95RjsGoyYFMOe5j2GnIGl7sZhkE6a+YJR+MMxAMln0ltPKevX0hWkx3eks9ydiBJQM+kOZtKJiJRM+mHfYVP1XvdGDdKH6lvqrqieOAgurx1BX1gdlGY0QRDUbLpS+p9p6tA4lrpnHIN00kwZGjfY64DL3v+7m+GOKEL+KACgcHBymff+RE/HM+ksdyeiBJhJJyLqVF1YDQBoi7ShJdRi7GH6sf2U/pPdu7JaLRgdHyD32QcnM3LNZCj74Xee3pnxawd8YZw+Jv8cHTaWQXqmMUgnzbT2o7edlvtonF4bHC5bWs4QOyUH6dyRTkS9kSQJ/og8sJI96UREgMvmQrmnHIC5+9Lbw+3Y17IPgP6T3bsae77832b/llOIxCtGjXb2kLMBGDM87thnchZ98DAvPEWOjF8/3zFIJ82Ot2rrR1eC9MJB6cmiA0C0qQkAe9KJqHfBaBAxSX6RxenuREQydQ2biSe8f3r6U0iQUOmtxBB35l7nVYwqRuFgFyKhGA5ub8zYdfsyYfAEAMD+1v3qG8+Z0lnqPiij1yUZg3TSTOuO9LYmOUhP51TIWEsLAMBayvIbIupJKXW3CBa4bZxIS0QEZMeE965D4zJJEASMPU/Oppul5H2IewjKPeWQIGHX6V0ZvbYyNG4Yh8YZgkE6aabsSB+WZJDuS3MmXZIkxFpbAQDWkuK0PCcR5RYlSPfavRAEweDTEBGZQzZMeN/TJE8yV7LImaRMeT/8yWkE28MZv35vlL70T09nruS9vbkDvlNBCAJQNaYkY9elTgzSSTOlJz3ZIF0td0/T0DixvR2IyWWs1mIG6UTUkzLZvcBeYPBJiIjMQ53wbuJy991NuwEA4weNz/i1B1V5MXREIURRwmfvmyObbkRf+vG6FgDAkOpCON3pmSdF2jBIJ82Ot8hBd/KD4+SgPl1BulLqLrhcsLjS1+dORLlDyaQXOBikExEpRhSaew1bIBJQS/HHDRpnyBnO+kIlAGDnpuOm+G9kRCb9+F65YrVqdEnGrkndMUgnTSIxESfbNAbpTenNpMdalFL3krQ8HxHlHmbSiYh6qi6qhgAB7ZF2NHU0GX2cHupa6iBBwmDX4IwOjetq7PnlsNotaDruR8PBNkPO0JVS9n+47TBaQ60ZuebxvS0AWOpuJAbppEl9awckCXDYLBjs7X8dQyQcQ7AtAiB9Penq0DiWuhNRAsoUXAbpRESdnFYnKrzxvmsTlrwbWequcHrsGDVlKABg57vHDTuHosRVguEFwwFkZl96sD2M5hPyz9DK0XytbRQG6aSJuiO92AWLpf9hTO3xLLrDZYXTk6Yd6crQOAbpRJRAW1jOfjBIJyLqTu1LN+HwuM+aPwNgXKm74qyZVQCAvR+eRCRk/M70swafBaBzqJ6eTtTJr7NLKzxwF3I/ulEYpJMmnTvSNU52H+xK24TlWGsLAJa7E1FiaiadPelERN0oE97NuIZNyaSPKzU2SB82pgRFQ92IdMSwb3ODoWcBgDElYwAA+1r36X4tZWgcS92NxSCdNNE+NC6969cAlrsTUf/aIsykExH1xqwT3mNiTM2kG1nuDgCCReg2QM5oI0tGAgD2t+zX/Von4v3olRwaZygG6aTJ0WZtmfTO9WvJ3T8ZnTvSS9L2nESUW5hJJyLqXdcJ72ZypO0IgtEgXFYXzig6w+jjYPyMSgiCXP7ddNxv6FlGFY8CIGfS9Zw4H+6I4tQRefAqM+nGYpBOmig96cO1TnbXI5Newkw6EfWOPelERL1TAuBDvkOmWDGm2NMs91uPKR0Dq8Vq8GmAglInzjxHHiD3ydtHDT3LGUVnwCpY4Y/4cTKg3/72+v2tkEQJhYNcaX3tTtoxSCdN1MFxBu1IB5hJJ6L+MZNORNS74YXDYREsCEQDaAw2Gn0clTIUbWzpWINP0unsi4YBAHa/X49wR9Swc9itdrVNYV+Lfn3pXL1mHgzSKWmSJHUJ0pMLuttOp3dHOsCedCLqH/ekExH1zmF1oNIr91ubaXicGdavfd7wcaUorfAg0hHDnn/WG3qW0SWjAegbpCuT3bl6zXgM0ilpvmAU/rC8hiKZTHosIsLvCwMAitIYpIstzKQTUd/aIwzSiYgSUfvSTTQ8Til3N1OQLggCzp4tZ9N3vH3M0PaAkcXx4XGt+gyPi0VEnDzgA8BMuhkwSKekHYtn0Qd7HXDZ++8VamvuACTAZrfAVWBP2zmYSSei/qiZdJa7ExH1oJROmyWT3tTRhIZAAwQIGFM6xujjdDNuRiVsTiuaT/hx/LMWw84xqiQ+PE6nTPrJQz7EoiLchXaUlHt0uQYlj0E6Je1EfEd6RXGSpe5N6d+RLokiYj75XT5m0okoEWbSiYgSqymqAWCeCe9KP3p1YTW8dq/Bp+nO6bZh3PnlAIAdBg6QUzLp+1r0mfCu9qOPLknb63ZKHYN0Slq9Tw66K5MN0nXoRxfb2oD4NyZm0omoNzExhkA0AICZdCKi3qiZ9DZzZNLrWuoAwHRZdMWki4YDAPZvOQVfY9CQM5xZfCYsggVtkTacCp5K+/Or+9FZ6m4KDNIpaSdb5aC7vEhjkK7D+jWLxwPB4Ujb8xJR7vBHO/fZMpNORNSTsobtiO8IREk0+DSdJdxKSbfZDB5WgOqzSiFJwPY3jcmmO6wOdZZAukvexZiIE/vlmU9Vo0vS+tyUGgbplDQlk16hNUjXYf2ahTvSiSgBpR/dYXHAYeWbeUREn1dVUAWrYEVHrAMNgQajj6MOQ1MmmJtR7Vw5QN656ThCgYghZ9BreFzj0XZEOmJwuKwYPJxvbpsBg3RK2ol4Jj2VnvR0UYfGsR+diBJoC7cBYKk7EVEidosdwwrkqeVG96VLkqRmhpUg1IyqJwzCoCovIqEYPn3nuCFn0Gt4nLJ6rWJUCSwW9qObAYN0StpJn7Ygvb0lBAAoSHKnejKUTDr70YkoEX9ELndnqTsRUWJm6Us/3XEavrAPFsGCmuIaQ8/SF0EQUDu3GgCwfcNRxKKZbxPQK0hXh8aN4etrs2CQTkmrb02+3F2SJPjjQbq3xJm2M8SaWwAA1uKStD0nEeUWZbK72SYEExGZidKXbnQmXRkaV11YDac1fa8Z9TD2vAp4ihzwt4RQ93Hm2wSUIL2upS5tE94lScLxuhYAQNWY0rQ8Jw0cg3RKSjAcg68jCgAoTyKTHgpEEYvI7zB6i9PXE6pm0tmTTkQJKD3phY5Cg09CRGReyhAyo3elZ0Opu8Jqt2DSxfKk982vHoIkpn8VWl9qimogQIAv7MPpjtNpec7m+gA62iOw2i0oO4M/N82CQTolRRka53VYUei09Xt/JYvu9Npgc1jTdg61J52ZdCJKgJl0IqL+mSWTvr9FHoJm1snunzdp9jA43DY0Hfdj35b0r0Lri8vmwvDC+Dq4lvQMj1NK3SvOLILVxtDQLPg3QUk50SrvhCwvdkEQ+h8o4W+Nl7oXp7dsqTOTXpLW5yWi3KEE6cykExElpvSkH2kzdg3bvlZzr1/7PKfHjnPmyIHyhy8dyHg2XamAONqenlVwJ+Kl7pVcvWYqDNIpKSc1rl/zq0PjdArSOTiOiBJQyt2ZSSciSqzSWwmbxYawGEa9v96wc6iZ9OLsCNIB4JxLqg3LpiuZ9KNt6QnSO4fGlaTl+Sg9GKRTUurjmfHkg/QwAMCT7iCdK9iIqB9KJp3T3YmIErNZbBheIAd8RvWlN3U0oTnUDAGCqSe7f56R2XTl7ywdmXTf6SDam0MQLALKzywa8PNR+jBIp6QomfRkhsYBGcikc3AcESWgZNK5J52IqG9KX7pRQboyNG5YwTC4bW5DzpAqo7Lpwwrl/fbH2o4N+LlOxLPoQ0cUwuHqf+YUZQ6DdEqK0pNemWyQrvakp2+yO8BMOhH1j5l0IqLknFl8JgDgoO+gIddXgvRs6Ufvqms2/Z8v7lO3GuktnZl0lrqbF4N0Skq9Tw66yzX2pKdzR7oUi0H0+QCwJ52IEuPgOCKi5ChB+oHWA4ZcX12/VmL+9Wu9qf3SCHiKHGg9FcT2DenpEe+P0pPe1NGEQCQwoOc6XidXqFaN5utqs2GQTkk52Zra4Lh0BumxeIAOMEgnosQ4OI6IKDk1RTUAjAvS97fKQ+NGl4w25PoD5XDZMONq+Q2Gj14+gIAvrPs1Cx2FKHbKr4MHkk0P+MJoOSkH+Zzsbj4M0qlfMVHCqfb44Lgkyt1FUVK/SaU1SI+XulsKCiDY2DdDRL1jJp2IKDlKJv2E/wSC0WDGr6+Wu2fRZPfPGz+jEkNHFCLcEcP769Ozu7w/wwrkvvSBTHhXVq8NqvLC5bWn41iURgzSqV+N7SHERAlWi4AhBf0H3UFfGJIECBYB7sL09aSzH52IkuGP+AEwk05E1J9SV6malc308LiWjhac7jgNoPPNgmwkWAR88etjAAA7Nx3HqcNtul9T6Us/1p768Dj2o5sbg3Tq14l4qXtZoRNWi9Dv/ZWhcZ4iByxJ3D9Z3JFORMloC8svkArtzKQTEfXnzKL48LjWgxm97r5WOYte5a2Cx+7J6LXTrWp0CcZMKwMkYMPvdkOM6TtELh270o/HM+kM0s2JQTr1qz4epCc7NK69WefJ7gzSiSiBcCyMiBgBAHgdzKQTEfXHqOFx2T407vNmfm0MnB4bTh1uw9Y3juh6LbXcPcWe9FAwisajcmtYFfvRTYlBOvVL2ZGe7NC4QGv6h8YBgKjuSC9J6/MSUe5QsugA4LUxSCci6k9NcQ2AzAfpytC4bO5H78pb7MTMf5UH4H3wtwPqUDY9KJn0VHeln6hrASSgaKg77a/XKT0YpFO/6pUgPckd6e06THYHupS7lzCTTkS9U/rRPTYPrBarwachIjI/tdw9w7vSs3lHeiLjL6hE9VmliEVEbPjdbkiipMt1qguqAciZdEnSfo0TXL1megzSqV/q+rUkg3R/a/onuwMcHEdE/VMmu3NoHBFRcpRM+kHfQYiSvr3UXeVikC4IAi6aPx42pxXH97botju9oqACFsGCUCyExmCj5scf3dMMAKgaU5ruo1GaMEinfp1IdUd6cbqDdA6OI6K+BSJyeSGDdCKi5AwvHA6bYEMwGkRDoCEj12wNteJU8BQAYGRxbvSkK4qGuPGFa+Q3Ht79S53a+51OdosdFZ4KANonvHf4Izh1yAcAGD6eQbpZMUinfik96ckOjlOC9AKdyt0tDNKJKAFlz6/b5jb4JERE2cFusaO6SC6fVvrE9ab0v5d7ylHgKMjINTPp7NnDUDNpMMSohNef+RTRcCzt11D60o+0aRtSd/yzFkgSUFLuQeGg5F7bU+YxSKc+SZKkuSddCdI9JWme7t4uD4SyFhWl9XmJKHcEonImPdvX+RARZVJNUQ2AzA2Py8VS964EQcDFN50Fd5EDTcf9ePeFfWm/hrqGTeOE9yO7mwAA1cyimxqDdOpTWyiKQPzdv2TK3aPhGEKBKID0l7uLPjlItxTk3juuRJQeSrm7x8YgnYgoWcoatkztSld2pOdaqXtXniIH5n7jLADAjreOYv/WU2l9fmUNm9YJ70d3y/3ow88alNbzUHoxSKc+NcSz6EUuG9yO/icl++Pr12x2C5weW1rPombSCwvT+rxElDuYSSci0k7dle7LTCZ9f4tcVj+6ZHRGrmeUERMH45y5civBG7/dhdZTwbQ99/AC7Zn0tqYOtJwMQBCAYWNL0nYWSj8G6dSnBp8cdJcl3Y8uT3b3lDghCEJazyK2yYM3LAzSiSgBpSedmXQiouQp5e6ZyqTXtdQByN1y964uuGYUKkYWIRyM4tVff4JYJD0T9NVy97bkg3Qli15WUwSnx56Wc5A+GKRTn062yZn0ssLkStf1GhonRSKQOuSzWFnuTkQJKOXuHBxHRJQ8JZN+MnBS/T6ql/ZwO04GTna7bi6zWi249Ftnw+W149ThNmz68960PK8SpDcEGhCOhZN6zNF4Pzqnupsfg3Tqk5pJTzZIb1XWr6V7aFzn+gr2pBNRIix3JyLSrthZjEEuuUdZ75J3ZYL8UPdQFDvzY2NP4SAX5t46AQCw4+1j2PvRyQE/Z6mzFG6bGxIknPCf6Pf+kiThSDyTXj2e/ehmxyCd+tTQJgfdya5fa1d2pKc5ky765H2OFo8Hgi29ve5ElDs4OI6IKDVKf/je5vRkehNRJruPLMndoXG9OePswTj3sjMAABv+ezdaTg6sYkEQBJR7ygEgqf32Tcf9CPrCsNktqBiZH2+OZDMG6dQnJUgfmmQmPdAa70lP82T3GPvRiSgJak86M+lERJqMLR0LAPis+TNdr6Nk0kcV534/+uedf+WZqBpTgkgohld+tWPA+9OVIF1pH+jLkV1yqXvVmBJY7QwBzY5/Q9QnZbp7soPjAr54kF6U3nJ3MT7Z3VLIUnciSkwtd2cmnYhIk0wF6fk0NO7zLFYLLv3WRLgL7Th9zI931g3sv3WZpwwAcNLff5B+YFsjAHniPJkfg3Tq06k2bT3pwTZ9gvRYW3z9WgEz6USUmDo4zs7BcUREWqhBetNnkCRJt+so69fyMUgHAG+xE5feNhEQgJ2bTuB4XUvKz1XuTa7cPeALq9cZOWVoytejzGGQTn066dM23V0J0t2Fac6ks9ydiJLATDoRUWpGloyERbCgOdSM0x2ndblGIBLAcf9x+XrF+dWT3tXw8YMwYWYVAOCddZ9BFFN7U0TJpPcXpB/YdgqQgLIzClE4KLnqWDIWg3RKyB+Kwh/vlUmm3F2MiQi2RwDoUO7eJg+OszJIJ6I+cHAcEVFq3DY3RhSOACBn0/WglLoPcQ9BqSu/14DN+MpIONw2NB5px65Nx1N6DrXcvZ+e9P1bTgFgFj2bMEinhJShcV6HFQXO/ieqd/ijgARAAFze9E5g5+A4IkqGkklnuTsRkXZ696Urz6tcJ5+5Cx04/8vynvh//nU/QoGI5ueo8FQA6DtIDwUiOBpfvTZqSlkKJyUjMEinhFIdGucusMNiTe8/LVHpSefgOCLqQzASn+7OTDoRkWYM0jPr7IuGobTCg472CD78+0HNj1cy6Y3BRkTFaK/3ObjjNERRwqAqL0rK+bMxWzBIp4S0rl8L+vTpRweAmDLdnYPjiCgBSZLYk05ENAAM0jPLarXgi18fAwD45J1jasIrWYNcg2AVrBAlEaeDvc8RUEvda1nqnk0YpFNCWofGBXQaGgd0HRzHTDoR9S4iRhCT5Dka3JNORKTd2EFy8LyvdR8iovby675IksQgvRfVZw1C+ZlFiEVEbHvjiKbHWi1WDPXIwXdvw+MioRgOfyoH76OmMkjPJgzSKaHO9WvJlbvrtX4NAGIcHEdE/VCGxgHyACQiItKmylsFr92LqBjFwdaDaX3uk4GTaAu3wSbYcGbxmWl97mwmCAKmzjsDAPDJ20cRCvZetp5IX8PjDn1yGtGIiKIhLgwexkRXNmGQTgkp5e5lRVrXr9nTfhauYCOi/iil7k6rEzZLeodXEhHlA0EQdCt5V56vprgGDmv6EzrZ7MzJQ1Ba6UW4I4ZP3j6q6bHlHnlXem9B+u73TgAAxkwrhyAIAz8oZQyDdEqooU0udy9PMkhX+mj0yKR3Do5jkE5EveP6NSKigdM7SB9TOiatz5sLBIuAc+fJ6++2vXEE0fgK5GQk2pXe3hxSS93HX1CZppNSpjBIp4QafFrL3eXeJX0GxzGTTkR9U4fGsR+diChlegfp7Efv3ejzylE4yIVgWwS73j2R9OMSZdL3vH8CkgRUji7mVPcsxCCdElLL3ZMdHKdk0nUZHBfPpBewn4aIeqfuSGc/OhFRyvQK0vc27+32/NSd1WpB7Zfi2fQ3j0ASpaQe11smXZIk7H6vHgCz6NmKQTr1qiMSQ2tQzoxrHRyX7ky6GApBCsvPzUw6ESXCcnciooEbXTIagBz0NXU0peU5w7EwDrQeAMAgvS/jL6iA3WVFa0MQR3Yn99++tyC9fr8PLScDsDksGH1umS5nJX0xSKdeKZPdHTYLitz9D2CSJKlzBVtRegfHKVl0CAIszKQTUQJqJt3OTDoRUaoKHAXq9PXtp7an5Tn3t+5HTIqhyFGklmdTTw6XTc1873jrWFKPqfBUAABO+k9CkuTs+653jwMARp9bBoeLg1SzEYN06pUyNK6s0JnUNMhwMAoxKn9jSHe5eywepFu8XggW/pMlot4Fo0EAzKQTEQ3UlLIpAICtDVvT8nxd+9E5Zbxvk2YPAwAc2tEI3+lgv/dX9qR3xDrgC/sQCcVQ97GcVT/rCyx1z1aMeKhXytC48iJtQ+PsLitsDmtazyJyaBwRJUEtd+fgOCKiAakdWgsA2Hpqa1qej/3oySut8GL4+FJIEvDpP473e3+XzYViZzEAueR958bjiHTEUDTUjcrRJTqflvTCIJ16xaFxRJRt1OnuzKQTEQ3IOWXnAAA+afwEkVhkwM/Hye7aTJo9HACwc9NxRCP9r2NTWghOtNZj86uHAABTLx3BqoUsxiCdenXS11nungwlSNdl/ZovXu7OTDoR9SEYYbk7EVE6nFl0JoqdxQjFQtjdtHtAzyVJkvoc3JGenJrJg1FQ6kRHewR1HzX0e39leNyh91sR8IVRMMjJqe5ZjkE69UrNpCdd7h7PpBfpkElvj2fSGaQTUR+4J52IKD0EQUhbyfuRtiNo6miC3WLHuEHjBn64PGCxWjDpIjmb/sHfDvSbTS/3lMMq2uD7QB7efO5lNbDaGOZlM/7tUa+UIH1ospl0df1aeie7A0CsjT3pRNQ/pSede9KJiAautqwWwMCHx3188mMAwNlDzobTmtzrSgImXTwcBaVOtDV1YNsbR/q8b7mnHOMbZgB+OwpKnTiLWfSsxyCdetUQL3fXOjjOrUcmXZnuXsiedCJKjD3pRETpc85QuS99a8NWdbVXKjY3bAYATC2bmpZz5Qu7w4oZV48CAHz8yiG1tbQ3Q6xlmHLsSwCAqfPOgNXOEC/b8W+QenVK4+C4oI6D42JKuXsBM+lElBinuxMRpc/ZQ86GTbChIdiAE/4TKT/PloYtAICp5QzStRp7XjnKzihEpCOG99fv7/U+oigh+OogFIRLEHT7cNZMZtFzAYN06iEaE9EUkIPuZMvdg236DY4TOTiOiJLAPelEROnjtrkxftB4AKmXvDcGG3HIdwgCBLV8npInWAR88WvysL1dm47j8M7TPe7zwfr9aKuTEBXC+MeE38NmT+8qZDIGg3TqoSkQhiQBFgEo9SQXdKsr2HQod1cz6Sx3J6I+KOXubjt70omI0kHtS09xeNzmk3Kp+9jSsShyFKXpVPmlcnQJxpxXDkkC/v7zbfj4lYOQJAmRcAyf/OMYPn5FXrn29qg/4oBjF8KxxGXxlD1sRh+AzKcxnhUf5HXAakluv6Keg+NEdXAcv7kTUWJquTsz6UREaVFbVovf7fpdypl0tR+dpe4DMuem8bDaLdj97gn888X92PPPerQ2BiFG5VkB58ytxm8C2wAJaOpoQoW3wuAT00Axk049nPbL/eiDvcmVukfDMUQ65NUQuqxga2MmnYj6xxVsRETpNaVsCgBgd9NuNAYbNT9eyaRzaNzA2BxWzLlpPC6aPw4Wm4Dm+gDEqISCUiemzhuBL3x1NAa5BgEATnf0LImn7MNMOvVwul3Oig9Jsr9cyaJbbAIc7vT/k4q1cwUbEfWPPelEROlV5inD5CGTsb1xO9449AauG39d0o9tD7djT/MeAMykp4MgCJg4axiqxpTg5EEfymuKUFLugSDIVa+D3IPQEGzA6SCD9FzATDr10NiuLZOurF/zFDrUbxTpJPp8AABLATPpRNS7mBhTg3TuSSciSp8vnSGv9nrt0GuaHrf11FaIkojhBcNR5inT42h5qbTCi/EzKlFa4e32unuwazAAudydsh+DdOqhMZ5JH1yQXCZdWb+mx2R3SZLUTLqVmXQiSqAj1qF+znJ3IqL0mXvGXADARyc/0pSlVUvdmUXPiMFuOUhnJj03MEinHk7HM+lDCpLLpAd0XL8mdXQA0SgADo4josSUoXECBLisLoNPQ0SUO4YXDsfEwRMhSiLePPJm0o97/8T7AIBzy8/V62jUBXvScwuDdOqhUQ3Sk8yktynr19I/2T0WHxoHiwUWL7NjRNQ7tR/d7tGl7YaIKJ+pJe8Hkyt5r2uuw/bG7bAKVnxx2Bf1PBrFKeXuzKTnBgbp1MNpf7zcXWNPuivJoF4LURkaV1DAF95ElJA62Z1D44iI0k4J0j+s/xDNHc393v9Pn/0JAHBx9cXsR88QpdydPem5gUE69XBaY096h18O0t0FOuxIjw+Ns3JoHBH1Qd2Rzn50IqK0G1E0AuMHjUdMimHDkQ193jcQCeBv+/4GAPja2K9l4niELpl0lrvnBAbp1I0kSTilsSe9o13JpOtR7s71a0TUP2bSiYj0pWTT/7bvb5AkKeH9Xj34KtoibRheMBwzqmZk6nh5b5A73pPOcvecwCCdumkPRRGOigC0Z9JdXh0y6e1yTzonuxNRX5RMOtevERHp44qRV8BuseOjkx/1uY7tf/b8DwDga+O+BovAUCNTlEx6S6gFMTFm8GlooPh/DnWjlLp7HFZ4HLakHhPUNZMuB+nMpBNRX5RMutvOIJ2ISA/DCobhW5O+BQBY+cFKtIXbetxn5+md+OT0J7BZbLh69NUZPmF+K3WVAgBESURLqMXYw9CAMUinbho1lroDQEjPTLpa7s6edCJKTO1JZ7k7EZFubpt0G84oOgONwUY8uvnRbl9rDbVi1QerAMil8cpKMMoMm8WGEmcJAPal5wIG6dRNo8ahcWJMRCgg7zHXY3BcrE0ZHMdMOhElxp50IiL9Oa1O/HDGDwHIZe0v7X8J/ogfR9qO4Kb/vQmbGzbDY/PgtrNvM/ik+UkpeeeE9+yXXD0z5Y3TfjmTnuz6tQ6/HKBDAJye9P9zEtv9AFjuTkR967onnYiI9DO9cjquGnUV1u9bj6XvLIVNsMFutSMYDaLcU44nLnkC4waNM/qYeWmwezD2te7j8LgckFJUJYoi6urq0NDQAFEUu33twgsvTMvByBiNbXImfWhhkkPj4v3oTrcNFmv6CzM696R70/7cRJQ7WO5ORJQ5y85fBq/di38c/QeOtR9DNBrFhMET8PicxzHUM9To4+UtpcWAQXr20xyk//Of/8SNN96IQ4cO9Vi/IAgCYjFOE8xm2jPp+g2NAwDRH8+kexmkE1FizKQTEWVOgaMAP5j+A/xg+g9wtO0o6lrqMKNyBlw2l9FHy2uD3Sx3zxWag/TvfOc7mDZtGl566SVUVlZCEAQ9zkUGOa2xJ13dka7D0DigM0i3Mkgnoj4wk05EZIzhhcMxvHC40ccgdPakc3Bc9tMcpO/duxd//vOfMXr0aD3OQwY7pXG6u5JJ12NoHMBMOhElRx0cx0w6ERHlKZa75w7NTcTTp09HXV1d2g7wxBNPoKamBi6XC9OnT8cHH3zQ5/1bWlrw3e9+F5WVlXA6nRg7dixefvnltJ0n352OB+nJZtKD8cy7bpn0AIN0Iuqfuifdxj3pRESUn5Ryd2bSs5/mTPr3vvc93Hvvvaivr8ekSZNgt3cPziZPnpz0c61btw6LFi3CU089henTp+ORRx7BvHnzsGfPHpSVlfW4fzgcxpe+9CWUlZXhz3/+M4YNG4ZDhw6hpKRE6x+DEjjtl4Pu5DPp8nR3vXrSY+0M0omofyx3JyKifMcVbLlDc5B+7bXXAgC++c1vqrcJggBJkjQPjvvZz36G22+/HbfeeisA4KmnnsJLL72EZ555BkuXLu1x/2eeeQZNTU1499131TcHampqtP4RKIFITERLQC5fTzpIVzLpLHcnIgOx3J2IiPKdmkkPnlZjM8pOmoP0AwcOpOXC4XAYH3/8MZYtW6beZrFYMHfuXLz33nu9Pmb9+vW44IIL8N3vfhd//etfMXToUNx4441YsmQJrFZrr48JhUIIhULq730+X1rOn4ua4ll0iwCUuJMLutVMug7l7pIkdQbpBQVpf34iyh3qdHdm0omIKE8pPekRMYK2SBuKHEUGn4hSpTlIP+OMM9Jy4cbGRsRiMZSXl3e7vby8HLt37+71Mfv378ebb76J+fPn4+WXX0ZdXR3+7d/+DZFIBMuXL+/1MStWrMADDzyQljPnusZ4P/ogrxMWS3LvvOmZSZdCISBemcFMOhH1RSl3d9vN0ZMei8UQiUSMPgZpZLfbE77pT0Rkdi6bC167F/6IH03BJgbpWUxzkA4A+/btwyOPPIJdu3YBACZMmIC77roLo0aNSuvhPk8URZSVleFXv/oVrFYrzj33XBw7dgz/8R//kTBIX7ZsGRYtWqT+3ufzobq6WtdzZqvGdqUfPbmhcUBnJl2P6e5KFh0ALB5mx4goMbXc3eBMuiRJqK+vR0tLi6HnoNSVlJSgoqKCZaJElJUGuwbDH/HjdMdp1BTXGH0cSpHmIP3VV1/FVVddhdraWsycORMAsGnTJkycOBF/+9vf8KUvfSmp5xkyZAisVitOnjzZ7faTJ0+ioqKi18dUVlb2eJf7rLPOQn19PcLhMByOnsGl0+mE05lcf3W+O61x/RrQOd3dqUO5uxKkCx4PBIvmRQRElCcisQiiovyGodE96UqAXlZWBo/Hw0Avi0iShEAggIaGBgDyaw4iomwzyDUIh9sOcw1bltMcpC9duhT33HMPVq5c2eP2JUuWJB2kOxwOnHvuuXjjjTdw9dVXA5Az5W+88QYWLFjQ62NmzpyJ3//+9xBFEZZ40PbZZ5+hsrKy1wCdtDkdD7iTXb8mihJCASWTnv7//p1D45hFJ6LElCw6YOwKtlgspgbogwcPNuwclDq3W/7309DQgLKyMpa+E1HWUYbHccJ7dtOcnty1axduu+22Hrd/85vfxM6dOzU916JFi/DrX/8av/3tb7Fr1y7ceeed8Pv96rT3m2++udtguTvvvBNNTU2466678Nlnn+Gll17Cww8/jO9+97ta/xjUi0aNmfRwIApI8udOb0qdE31SgnSrh/3oRJSY0o9ut9hht+izaSIZSg+6h+05WU35++NMASLKRsoaNu5Kz26aI6uhQ4di69atGDNmTLfbt27d2utu875cd911OHXqFO6//37U19ejtrYWr7zyijpM7vDhw2rGHACqq6vx6quv4p577sHkyZMxbNgw3HXXXViyZInWPwb1olFjJl0pdXe4bbBa01+OzvVrRJQMs61fY4l7duPfHxFls0FuecI7y92zm+Yg/fbbb8e3v/1t7N+/H1/4whcAyD3pq1at6jagLVkLFixIWN7+1ltv9bjtggsuwD//+U/N16H+nfbHM+neJHekK+vXuCOdiAykZNKNHhpHRERkNDWTziA9q2kO0n/4wx+isLAQa9asUUvRq6qq8KMf/QgLFy5M+wEpc5Ry92Qz6er6NR2GxgFArL0dAIN0Iuobd6QTERHJ2JOeGzTXKAuCgHvuuQdHjx5Fa2srWltbcfToUdx1110sEctyzX65/26QN8kgPX5/PdavAYDol7NjloICXZ6fiHKD2crds9Ett9wCQRB6DIV98cUXs/5n+69+9StcdNFFKCoqgiAIXI9HRDltkCte7s6e9Kw2oEbiwsJCFBYWpussZLAmf7wnPcly92C7HKTrlUlnuTsRJYPl7unhcrmwatUqNDc3Z/zaeg5pCwQCuOyyy/CDH/xAt2sQEZlFqbMUANASajH2IDQgSQXpU6dOVX9oT5kyBVOnTk34i7JTMBxDMBIDAJQmGXSH4pl09qQTkZGUTLrbbtz6tVwwd+5cVFRUYMWKFX3eb+PGjZg1axbcbjeqq6uxcOFC+OPfrwG54u7FF1/s9piSkhI899xzAICDBw9CEASsW7cOs2fPhsvlwtq1ayGKIh588EEMHz4cTqdTHSarUB73wgsv4OKLL4bH48E555yD9957r8/z3n333Vi6dClmzJih7T8IEVEWKnGVAADawm2IilFjD0MpS6on/Stf+QqcTqf6ebaXvlFPTQE5i263CihwJjeqIHOZdGbHiCgxM2fSJUlS3wDNNLfdqunntdVqxcMPP4wbb7wRCxcuxPDhw3vcZ9++fbjsssvw0EMP4ZlnnsGpU6fUAbDPPvuspvMtXboUa9aswZQpU+ByufDoo49izZo1+OUvf4kpU6bgmWeewVVXXYVPP/2020aZ++67D6tXr8aYMWNw33334YYbbkBdXR1stvSvAiUiyjZFjiL189ZQq9qjTtklqZ9oy5cvVz//0Y9+pNdZyEDN8VL3Uo8j6Rd1He3MpBOR8dRMus18mfRgJIYJ979qyLV3PjgPHoe2wPWaa65BbW0tli9fjqeffrrH11esWIH58+fj7rvvBgCMGTMGjz32GGbPno0nn3wSLpcr6Wvdfffd+OpXv6r+fvXq1ViyZAmuv/56AMCqVauwYcMGPPLII3jiiSfU+y1evBhXXHEFAOCBBx7AxIkTUVdXh/Hjx2v6sxIR5SKbxYZCRyHawm0M0rOY5p70kSNH4vTpnoMIWlpaMHLkyLQcijJP6UdPdmgc0Dk4jj3pRGQkDo5Lr1WrVuG3v/0tdu3a1eNr27Ztw3PPPYeCggL117x58yCKIg4cOKDpOtOmTVM/9/l8OH78OGbOnNntPjNnzuxxjsmTJ6ufV1ZWAgAaGho0XZuIKJexLz37aa4NO3jwIGKxnqV7oVAIR48eTcuhKPOaA52Z9GQpmXT9prvLQbqVQToR9cHM5e5uuxU7H5xn2LVTceGFF2LevHlYtmwZbrnllm5fa29vxx133NHrytURI0YAkHvSJUnq9rXeBsN5U/zebrd3/sxRKr9EUUzpuYiIclGJswSH2w6jOZT5QaCUHkkH6evXr1c/f/XVV1FcXKz+PhaL4Y033sCZZ56Z3tNRxqiZ9CR3pANdMuksdyciA6l70k2YSRcEQXPJuRmsXLkStbW1GDduXLfbp06dip07d2L06NEJHzt06FCcOHFC/f3evXsRCAT6vF5RURGqqqqwadMmzJ49W71906ZNOP/881P8UxAR5adipxyntYZaDT4JpSrpVw5XX301APkFxze+8Y1uX7Pb7aipqcGaNWvSejjKHKUnfVCSmXRJlNDhlydG6h6kc086EfVBDdJNmEnPVpMmTcL8+fPx2GOPdbt9yZIlmDFjBhYsWIBvfetb8Hq92LlzJ15//XU8/vjjAIA5c+bg8ccfxwUXXIBYLIYlS5Z0y34n8v3vfx/Lly/HqFGjUFtbi2effRZbt27F2rVrB/Rnqa+vR319Perq6gAAO3bsQGFhIUaMGIFBgwYN6LmJiMyo1MVy92yXdJCulJKdeeaZ+PDDDzFkyBDdDkWZp0x3L02yJz0UjEIS5XJGvXrSY8ykE1ES1HJ3E2bSs9mDDz6IdevWdbtt8uTJePvtt3Hfffdh1qxZkCQJo0aNwnXXXafeZ82aNbj11lsxa9YsVFVV4dFHH8XHH3/c7/UWLlyI1tZW3HvvvWhoaMCECROwfv36bpPdU/HUU0/hgQceUH9/4YUXAgCeffbZHuX8RES5QMmkt3S0GHsQSpnmGjytg2EoOzTHS9cHeZILuJVSd7vLCqtN8/zBpLDcnYiSoQ6OYyY9ZcoO865qamoQCoV63H7eeefhtddeS/hcVVVVePXV7hPtW1pauj3v53vWAcBisWD58uXdNsp8/jyff1xJSUmvz9XVj370I26mIaK8UuIsAcBMejZLqVHO7/fj7bffxuHDhxEOh7t9rbdhMmR+Sk96spn0Dp13pEuxGKSgXMLKIJ2I+mLmwXFERESZxiA9+2kO0rds2YLLL78cgUAAfr8fgwYNQmNjIzweD8rKyhikZyllunuyK9iUTLpuk927DBlikE5EfVH3pNvNtyediIgo0xikZz/Ndcr33HMPrrzySjQ3N8PtduOf//wnDh06hHPPPRerV6/W44yUAaf92law6Z1JV0rdYbNBcCQ/cZ6I8g8z6URERJ0YpGc/zUH61q1bce+998JiscBqtSIUCqG6uho//elP8YMf/ECPM5LOJEnqnO6e7OC4gDzZ3alzkG7xetU9uEREvWFPOhERUacSVwkArmDLZpqDdLvdDotFflhZWRkOHz4MACguLsaRI0fSezrKiLZQFNH4pPakM+kBOZPu9Oiz/7czSOeLbiJKTJREdEQ7ALDcnYiICOieSRcl0djDUEo0R1hTpkzBhx9+iDFjxmD27Nm4//770djYiP/+7//G2WefrccZSWdKFt1tt8LtsCb1mFB8R7reQbqV/ehE1IeOaAckyG8yMpNORETUGaSLkoi2cJu6ko2yh+ZM+sMPP4zKykoAwE9+8hOUlpbizjvvxKlTp/CrX/0q7Qck/TVpLHUHgFAgMz3pFm+BLs9PRLlBKXUXIMBlcxl8GiIiIuM5rA64bXJ1GUves5PmNOi0adPUz8vKyvDKK6+k9UCUeVonuwNdetJ1L3dnJp2IEgtG5FWNbpsbFkHz+85EREQ5qdRZimA0iOZQM0ZghNHHIY00v6J56KGHcODAAT3OQgZpiq9TS3ZHOtC5gs3p0SeTHmOQTkRJUIfG2VnqTkREpFBK3JlJz06ag/Q//elPGD16NL7whS/gF7/4BRobG/U4F2WQOtldQ8Cteya9nUE6EfVP3ZFu49A4IiIiBdewZTfNQfq2bduwfft2XHTRRVi9ejWqqqpwxRVX4Pe//z0CgYAeZySdNcXL3bVk0jPXk84gnYgS44709LjlllsgCAJWrlzZ7fYXX3wxq9dgNjU14Xvf+x7GjRsHt9uNESNGYOHChWhtZWaJiHKbsoatuaPZ2INQSlJq4Js4cSIefvhh7N+/Hxs2bEBNTQ3uvvtuVFRUpPt8lAGdmfTkgnRJktiTTkSmwHL39HG5XFi1ahWamzP/gi4SiejyvMePH8fx48exevVqfPLJJ3juuefwyiuv4LbbbtPlekREZqFk0lnunp0GPGXH6/XC7XbD4XDo9kOW9KVMd082kx4JxSDG5JVHevWkM0gnomQEo/LgOGbSB27u3LmoqKjAihUr+rzfxo0bMWvWLLjdblRXV2PhwoXwx79nA4AgCHjxxRe7PaakpATPPfccAODgwYMQBAHr1q3D7Nmz4XK5sHbtWoiiiAcffBDDhw+H0+lEbW1tt+G0yuNeeOEFXHzxxfB4PDjnnHPw3nvvJTzr2Wefjeeffx5XXnklRo0ahTlz5uAnP/kJ/va3vyEajWr/j0RElCVY7p7dUgrSDxw4gJ/85CeYOHEipk2bhi1btuCBBx5AfX19us9HGaB1uruSRbdYBdgc+kxT7gzS+cKbiBJTy93NmkmXJCDsN+aXJGk6qtVqxcMPP4yf//znOHr0aK/32bdvHy677DJce+212L59O9atW4eNGzdiwYIFmv/TLF26FHfddRd27dqFefPm4dFHH8WaNWuwevVqbN++HfPmzcNVV12FvXv3dnvcfffdh8WLF2Pr1q0YO3YsbrjhBk0Bd2trK4qKimCz6VMJRkRkBgzSs5vmn1AzZszAhx9+iMmTJ+PWW2/FDTfcgGHDhulxNsqQ00omPclyd7XU3WvXrVdRCdKtBdyTTkSJmX5wXCQAPFxlzLV/cBxwaKtGuuaaa1BbW4vly5fj6aef7vH1FStWYP78+bj77rsBAGPGjMFjjz2G2bNn48knn4TLlfyu+rvvvhtf/epX1d+vXr0aS5YswfXXXw8AWLVqFTZs2IBHHnkETzzxhHq/xYsX44orrgAAPPDAA5g4cSLq6uowfvz4fq/Z2NiIH//4x/j2t7+d9DmJiLIRg/TspjlIv+SSS/DMM89gwoQJepyHDKD2pCedSY8PjdOpHx1guTsRJYeD49Jv1apVmDNnDhYvXtzja8rw2LVr16q3SZIEURRx4MABnHXWWUlfZ9q0aernPp8Px48fx8yZM7vdZ+bMmdi2bVu32yZPnqx+XllZCQBoaGjoN0j3+Xy44oorMGHCBPzoRz9K+pxERNmIQXp20xxl/eQnP9HjHGSQmCihJajsSU+uvzzk13doHMAgnYiSY/rBcXaPnNE26topuPDCCzFv3jwsW7YMt9xyS7evtbe344477sDChQt7PG7EiBEA5J506XOl9r3NrPGm+P3dbu/8WaVUc4mi2Odj2tracNlll6GwsBB/+ctfuj0HEVEuUqa7t3ZwcFw2SirKWrRoEX784x/D6/Vi0aJFfd73Zz/7WVoORpnRGoyobYvJlrt3xDPpeg2NAxikE1FylEy6acvdBUFzybkZrFy5ErW1tRg3bly326dOnYqdO3di9OjRCR87dOhQnDhxQv393r17+13RWlRUhKqqKmzatAmzZ89Wb9+0aRPOP//8FP8UMp/Ph3nz5sHpdGL9+vWaSvKJiLKVkklvDjVDkqSsXqeZj5IK0rds2aK+C75lyxZdD0SZpUx2L3LZYLcmNwSusyedmXQiMpaaSWe5e1pNmjQJ8+fPx2OPPdbt9iVLlmDGjBlYsGABvvWtb8Hr9WLnzp14/fXX8fjjjwMA5syZg8cffxwXXHABYrEYlixZklTm+vvf/z6WL1+OUaNGoba2Fs8++yy2bt3arbReK5/Ph0svvRSBQAC/+93v4PP54PP5AMhvJlit1pSfm4jIzJQgPSJGEIwGzVtxRr1KKsrasGFDr59T9tM62R3o7EnXK5MuSRJiDNKJKAnBSHwFG198pN2DDz6IdevWdbtt8uTJePvtt3Hfffdh1qxZkCQJo0aNwnXXXafeZ82aNbj11lsxa9YsVFVV4dFHH8XHH3/c7/UWLlyI1tZW3HvvvWhoaMCECROwfv16jBkzJuU/w+bNm/H+++8DQI/s/4EDB1BTU5PycxMRmZnb5obD4kBYDKMl1MKfk1lGcyr0m9/8Jh599FEUFhZ2u93v9+N73/sennnmmbQdjvSndUc6oH9PuhQOA/F1OgzSiagv3JOeHsoO865qamoQCoV63H7eeefhtddeS/hcVVVVePXVV7vd1tLS0u15P9+zDgAWiwXLly/H8uXLe33e3h5XUlLS63MpLrrooj6/TkSUqwRBQImzBA3BBjSHmlFVYNCmEUqJ5iXXv/3tbxEMBnvcHgwG8V//9V9pORRljjrZPcl+dKDrdHd9MulKqTsAWDx84U1EiZl+cBwREZFBil3FADg8LhslnQr1+XyQJAmSJKGtra3b4JVYLIaXX34ZZWVluhyS9NMUSCGTrnNPuhKkCx4PBPYLElEfuIKNiIiod6XOUgBcw5aNko6ySkpKIAgCBEHA2LFje3xdEAQ88MADaT0c6U/rjnQA6PDr25PeOTSOL7qJqG/MpBMREfWu2Cln0ptDzQafhLRKOkjfsGEDJEnCnDlz8Pzzz2PQoEHq1xwOB8444wxUVbHXIds0xQPuZNevAV0y6Tr1pCtButXDfnQi6hunuxMREfVOmfDeGmK5e7ZJOspS9pYeOHAAI0aM4K69HKFMdy/VkBXPVJDOoXFE1B/T70knIiIyiBKks9w9+2geHPfmm2/iz3/+c4/b//SnP+G3v/1tWg5FmaN1urskSp2D47x6l7szSCeixCKxCCKi/P2I5e5ERETdqUF6R4uh5yDtNAfpK1aswJAhQ3rcXlZWhocffjgth6LMaQ1qK3cPh2JQttkwk05ERlJK3QGWuxMREX1eiasEADPp2UhzkH748GGceeaZPW4/44wzcPjw4bQcijJHKXcvSbLcPRTvYbfaLbDZ9Zm8ziCdiJKh7Ei3WWywW/Wp7CEiIspWRY4iAIAv7DP4JKSV5iC9rKwM27dv73H7tm3bMHjw4LQcijIjJkpqJj3pIF3nfnQAEANydow70omoLxwaR0RElBiD9OylOUi/4YYbsHDhQmzYsAGxWAyxWAxvvvkm7rrrLlx//fV6nJF04gtG1NL1Endy5e5696MDgBiQs2MM0omoL8GI/L2C/ehEREQ9MUjPXpqD9B//+MeYPn06LrnkErjdbrjdblx66aWYM2cOfvKTn+hxRtKJUupe4LTBYUvun0KHP4OZdO5JJ6I+MJOePrfccgsEQcDKlSu73f7iiy9m/TaXO+64A6NGjYLb7cbQoUPxla98Bbt37zb6WEREuityykF6W7gNkpKZo6ygOUh3OBxYt24d9uzZg7Vr1+KFF17Avn378Mwzz8DpdOpxRtJJi8ZSd6Azk+7U8BitlCBdcHOlEhElpqxfY5CeHi6XC6tWrUJzc3PGrx2JRHR77nPPPRfPPvssdu3ahVdffRWSJOHSSy9FLBbT7ZpERGagZNJFSYQ/4jf4NKSF5iBdMWbMGHzta1/Dl7/8ZZSWluLJJ5/EtGnT0nk20lmLxqFxQIZ60oMsdyei/imZdLedb+ilw9y5c1FRUYEVK1b0eb+NGzdi1qxZcLvdqK6uxsKFC+H3d774EwQBL774YrfHlJSU4LnnngMAHDx4EIIgYN26dZg9ezZcLhfWrl0LURTx4IMPYvjw4XA6naitrcUrr7yiPofyuBdeeAEXX3wxPB4PzjnnHLz33nt9nvfb3/42LrzwQtTU1GDq1Kl46KGHcOTIERw8eFDTfx8iomzjsrngsMgtrSx5zy4pB+kAsGHDBtx0002orKxUy+ApezT7ta1fA7r0pOuaSY9Pd3czSCeixLIhky5JEgKRgCG/tJY2Wq1WPPzww/j5z3+Oo0eP9nqfffv24bLLLsO1116L7du3Y926ddi4cSMWLFig+b/N0qVLcdddd2HXrl2YN28eHn30UaxZswarV6/G9u3bMW/ePFx11VXYu3dvt8fdd999WLx4MbZu3YqxY8fihhtuQDQaTeqafr8fzz77LM4880xUV1drPjMRUbZRSt4ZpGcXzenQY8eO4bnnnsOzzz6LlpYWNDc34/e//z2+/vWvZ33fWr7pXL+WfJDeoWTSvZzuTkTGUlawmTlID0aDmP57Y97Afv/G9zUP1bvmmmtQW1uL5cuX4+mnn+7x9RUrVmD+/Pm4++67AchVdY899hhmz56NJ598Ei6XK+lr3X333fjqV7+q/n716tVYsmSJOoR21apV2LBhAx555BE88cQT6v0WL16MK664AgDwwAMPYOLEiairq8P48eMTXusXv/gF/r//7/+D3+/HuHHj8Prrr8PhSP5nHxFRtipyFKEx2AhfiEF6Nkk6k/7888/j8ssvx7hx47B161asWbMGx48fh8ViwaRJkxigZ6GWgJJJ11DunoHBcZIy3Z2D44ioD+rgOE53T6tVq1bht7/9LXbt2tXja9u2bcNzzz2HgoIC9de8efMgiiIOHDig6TpdW+R8Ph+OHz+OmTNndrvPzJkze5xj8uTJ6ueVlZUAgIaGhj6vNX/+fGzZsgVvv/02xo4di69//evo6OjQdF4iomzECe/ZKelI67rrrsOSJUuwbt06FBYW6nkmypCWoPZMeiYHx1k4OI6I+qCUu7tt5v1e4ba58f6N7xt27VRceOGFmDdvHpYtW4Zbbrml29fa29txxx13YOHChT0eN2LECAByT/rnS+17Gwzn9XpTOp/d3vnzR0kQiKLY52OKi4tRXFyMMWPGYMaMGSgtLcVf/vIX3HDDDSmdgYgoWxQ65LiNQXp2STpIv+222/DEE0/grbfewk033YTrrrsOpaWlep6NdNYcD7hL3CYbHMdydyJKQjZk0gVBMPX5Elm5ciVqa2sxbty4brdPnToVO3fuxOjRoxM+dujQoThx4oT6+7179yIQ/76eSFFREaqqqrBp0ybMnj1bvX3Tpk04//zzU/xT9E6SJEiShFAolNbnJSIyI7UnneXuWSXpcvdf/vKXOHHiBL797W/jD3/4AyorK/GVr3wFkiT1+w42mZMy3b3Uq30Fm0vDY7TidHciSkY2DI7LVpMmTcL8+fPx2GOPdbt9yZIlePfdd7FgwQJs3boVe/fuxV//+tdug+PmzJmDxx9/HFu2bMFHH32E73znO92y34l8//vfx6pVq9Q1r0uXLsXWrVtx1113pfzn2L9/P1asWIGPP/4Yhw8fxrvvvouvfe1rcLvduPzyy1N+XiKibMFy9+ykabq72+3GN77xDbz99tvYsWMHJk6ciPLycsycORM33ngjXnjhBb3OSTpQprtrK3fXN5MuSVKXPel84U1EiWVDJj2bPfjggz3ehJ88eTLefvttfPbZZ5g1axamTJmC+++/H1VVVep91qxZg+rqasyaNQs33ngjFi9eDE8Sb7ouXLgQixYtwr333otJkybhlVdewfr16zFmzJiU/wwulwvvvPMOLr/8cowePRrXXXcdCgsL8e6776KsrCzl5yUiyhYM0rNTypHWmDFj8PDDD+Ohhx7CSy+9hKeffho33HADy8eyiJpJTzJIF0UJoaASpOuTSZciESAWA8DBcUTUN3VPuol70rOFssO8q5qaml5/pp933nl47bXXEj5XVVUVXn311W63tbS0dHve3tbDWSwWLF++HMuXL+/1eXt7XElJSZ+r5qqqqvDyyy8n/DoRUa5jkJ6dBpwOtVgsuPLKK3HllVf2O12VzKUlqG26ezgYBeKvhfTKpIt+v/o5B8cRUV+CEfOvYCMiIjIS96RnJ03l7v1h6Vj2CEVjCITljHWJO7lMutKPbnNaYbWl9Z+OSlJK3Z1OCFarLtcgotyg7klnuTsREVGvlEx6W6jN4JOQFvpEWmR6yo50iwAUupLLiiv96C49J7tzaBwRJUntSWcmnYiIqFcsd89ODNLzVHOgc0e6xSIk9RglSHe4M7B+jaXuRNQPdbo7M+lERES94p707MQgPU91TnY36Y50Do0jon4wk05ERNS3YmcxAHlPel+DNslcUgrSW1pa8Jvf/AbLli1DU1MTAGDz5s04duxYWg9H+mkNapvsDsQHx0G/ye4AIAbkcneB5e5E1AdJkphJJyIi6odS7h6VouosFzI/zSnR7du3Y+7cuSguLsbBgwdx++23Y9CgQXjhhRdw+PBh/Nd//Zce56Q0a473pJe4tWfSHW79Brp1lrvzRTcRJdYR64AUXzfBFWxERES9c9vcsAk2RKUofGEf39jOEpoz6YsWLcItt9yCvXv3wuVyqbdffvnl+Mc//pHWw5F+uvakJyvcEc+kawjstRKD8SCdmXQi6oOSRQcAl9XVxz2JiIjylyAIXMOWhTQH6R9++CHuuOOOHrcPGzYM9fX1aTkU6U+Z7p7sjnQgMz3pEgfHEVESlH50t80Nq4XrGomIiBJRJ7yHGKRnC81ButPphM/X8y/4s88+w9ChQ9NyKNJfsz/ek+5NPpMeCsqBfUamuzOTTkR9UPrqWOpORETUN65hyz6ag/SrrroKDz74ICIROWATBAGHDx/GkiVLcO2116b9gKSPlqD26e5hJZOua5DOPelE1D91aBwnu6fFLbfcAkEQsHLlym63v/jiixCE5NZ0mp0kSfiXf/kXCIKAF1980ejjEBFlTKGTa9iyjeYgfc2aNWhvb0dZWRmCwSBmz56N0aNHo7CwED/5yU/0OCPpoEXpSXdryaRnbk+64GF2jIgSU9evcQBO2rhcLqxatQrNzc0Zv7byxr+eHnnkkZx5w4GISAuWu2cfzUF6cXExXn/9dfztb3/DY489hgULFuDll1/G22+/Da/Xq8cZSQfNKfSkd65gY7k7ERkrGJGrbphJT5+5c+eioqICK1as6PN+GzduxKxZs+B2u1FdXY2FCxfC7/erX+8tU11SUoLnnnsOAHDw4EEIgoB169Zh9uzZcLlcWLt2LURRxIMPPojhw4fD6XSitrYWr7zyivocyuNeeOEFXHzxxfB4PDjnnHPw3nvv9ftn27p1K9asWYNnnnkm+f8gREQ5guXu2SflaOuLX/wivvjFL6bzLJRBLSlMd8/E4DgxyHJ3IupftmTSJUmCFDRmL63gdmvKHFutVjz88MO48cYbsXDhQgwfPrzHffbt24fLLrsMDz30EJ555hmcOnUKCxYswIIFC/Dss89qOt/SpUuxZs0aTJkyBS6XC48++ijWrFmDX/7yl5gyZQqeeeYZXHXVVfj0008xZswY9XH33XcfVq9ejTFjxuC+++7DDTfcgLq6Othsvf9sCgQCuPHGG/HEE0+goqJC0xmJiHIBg/Tsoznaeuyxx3q9XRAEuFwujB49GhdeeCGsVk7bNStJkjqnu3s1THdXyt1dembS5WwM96QTUV+UnnSzD46TgkHsmXquIdcet/ljCBrf8LzmmmtQW1uL5cuX4+mnn+7x9RUrVmD+/Pm4++67AQBjxozBY489htmzZ+PJJ5/stpq1P3fffTe++tWvqr9fvXo1lixZguuvvx4AsGrVKmzYsAGPPPIInnjiCfV+ixcvxhVXXAEAeOCBBzBx4kTU1dVh/PjxvV7nnnvuwRe+8AV85StfSfpsRES5RAnS28JtBp+EkqU52vrP//xPnDp1CoFAAKWlpQCA5uZmeDweFBQUoKGhASNHjsSGDRtQXV2d9gPTwLWHooiKEgCgNMlMuihKiHTEAOi9go2ZdCLqn5pJZ7l72q1atQpz5szB4sWLe3xt27Zt2L59O9auXaveJkkSRFHEgQMHcNZZZyV9nWnTpqmf+3w+HD9+HDNnzux2n5kzZ2Lbtm3dbps8ebL6eWVlJQCgoaGh1yB9/fr1ePPNN7Fly5akz0VElGu4Jz37aI62Hn74YfzqV7/Cb37zG4waNQoAUFdXhzvuuAPf/va3MXPmTFx//fW455578Oc//zntB6aBU7LoTpsFLntyFQ9KPzqQqRVs5s6OEZGxsqXcXXC7MW7zx4ZdOxUXXngh5s2bh2XLluGWW27p9rX29nbccccdWLhwYY/HjRgxQr6uIECSpG5f620wXKpzbOz2zgowpZxfFMVe7/vmm29i3759KCkp6Xb7tddei1mzZuGtt95K6QxERNmEg+Oyj+Zo69///d/x/PPPqwE6AIwePRqrV6/Gtddei/379+OnP/0p17GZWHO8Hz3ZLDrQGaTbHBZYbZrnDSaNg+OIKBnZMjhOEATNJedmsHLlStTW1mLcuHHdbp86dSp27tyJ0aNHJ3zs0KFDceLECfX3e/fuRSD+vT2RoqIiVFVVYdOmTZg9e7Z6+6ZNm3D++een+KeQ+96/9a1vdbtt0qRJ+M///E9ceeWVKT8vEVE2YU969tEcpJ84cQLRaLTH7dFoFPX19QCAqqoqtLWx58GslMnuWnakK0Pj9MyiAxwcR0TJUTLpbjurbvQwadIkzJ8/v8ccmiVLlmDGjBlYsGABvvWtb8Hr9WLnzp14/fXX8fjjjwMA5syZg8cffxwXXHABYrEYlixZ0i37ncj3v/99LF++HKNGjUJtbS2effZZbN26tVtpvVYVFRW9DosbMWIEzjzzzJSfl4gom7DcPftoTolefPHFuOOOO7r1d23ZsgV33nkn5syZAwDYsWMHf/iZWEsKmXRlaJxT7yBd2ZOeYpkmEeUH9qTr78EHH+xRRj558mS8/fbb+OyzzzBr1ixMmTIF999/P6qqqtT7rFmzBtXV1Zg1axZuvPFGLF68GJ4k3nhduHAhFi1ahHvvvReTJk3CK6+8gvXr13eb7E5ERNqx3D37aI64nn76adx0000499xz1XfGo9EoLrnkEnUSbEFBAdasWZPek1LapDLZPRM70iVJ6lLunlqvIhHlB2W6u9l70rOFssO8q5qaGoRCoR63n3feeXjttdcSPldVVRVeffXVbre1tLR0e97P96wDgMViwfLly7F8+fJen7e3x5WUlPT6XH3Ren8iomynBOlhMYyOaAdctuQ3cZAxNEdcFRUVeP3117F792589tlnAIBx48Z161u7+OKL03dCSjulJ73YrX1HusOdfGCvlRSJADF5grzFyxfeRJQYM+lERETJ8dg9sAgWiJIIX9jHID0LpJwWHT9+fMKdpGRuaiZdQ0+6mkl3JzcNPhWi369+bmG5OxH1QRkcZ/Y96UREREazCBYUOgrRGmpFW7gNZZ4yo49E/UgpSD969CjWr1+Pw4cPIxwOd/vaz372s7QcjPSTynT3UDywd2gI7LWS4kPjBKcTglW/NwOIKPtlywo2IiIiMyhyFKE11MrhcVlCc5D+xhtv4KqrrsLIkSOxe/dunH322Th48CAkScLUqVP1OCOlWUsK093DQbkMXc/BcWo/OrPoRNQPtSed5e5ERET94vC47KJ5uvuyZcuwePFi7NixAy6XC88//zyOHDmC2bNn42tf+5oeZ6Q0S226uxzY6zk4jjvSiShZwWh27EknIiIyA+5Kzy6ag/Rdu3bh5ptvBgDYbDYEg0EUFBTgwQcfxKpVq9J+QEo/s+5JFwPxHekcGkdE/WC5OxERUfK4Kz27aA7SvV6v2odeWVmJffv2qV9rbGxM38lIN0pPeomGTHo4A3vSO3ek80U3ESUWFaMIxeTVYMykExER9Y/l7tlFc8Q1Y8YMbNy4EWeddRYuv/xy3HvvvdixYwdeeOEFzJgxQ48zUhpFYyLaOuSAW8t091A8SHew3J2IDKaUugPMpBMRESWD5e7ZRXPE9bOf/Qzt7e0AgAceeADt7e1Yt24dxowZw8nuWaA13lsOAMUadp5nJJMeZJBORP1ThsbZBBvsFv02ThAREeWKQkchAAbp2UJTxBWLxXD06FFMnjwZgFz6/tRTT+lyMNKH0o9e5LLBZk2+2yETPekSp7sTURKUfnS3zQ1BEAw+DRERkfkpQXp7uN3gk1AyNPWkW61WXHrppWhubtbrPKSzlhT60SVJ6syk61nuHt+Tzkw6EfVFDdLtfEMvXW655RYIgoCVK1d2u/3FF1/M+jdCLrroIgiC0O3Xd77zHaOPRUSUUUqQ3hZpM/gklAzNg+POPvts7N+/X4+zUAYomXQt/eiRUAySJH+ua7m7n+XuRNQ/7kjXh8vlwqpVqwx5Iz4SifR/pwG4/fbbceLECfXXT3/6U12vR0RkNsykZxfNQfpDDz2ExYsX4+9//ztOnDgBn8/X7ReZWyqT3ZVSd4tNgNWu+Z9M0tTp7h5mx4goMXVHOofGpdXcuXNRUVGBFStW9Hm/jRs3YtasWXC73aiursbChQvh9/vVrwuCgBdffLHbY0pKSvDcc88BAA4ePAhBELBu3TrMnj0bLpcLa9euhSiKePDBBzF8+HA4nU7U1tbilVdeUZ9DedwLL7yAiy++GB6PB+eccw7ee++9fv9sHo8HFRUV6q+ioqLk/8MQEeWAAnsBAPakZwvNEdfll1+Obdu24aqrrsLw4cNRWlqK0tJSlJSUoLS0VI8zUhq1ppBJ7zo0Ts+yR5a7E1Ey1B3pWZBJlyQJkVDMkF+SUgKVJKvViocffhg///nPcfTo0V7vs2/fPlx22WW49tprsX37dqxbtw4bN27EggULNP+3Wbp0Ke666y7s2rUL8+bNw6OPPoo1a9Zg9erV2L59O+bNm4errroKe/fu7fa4++67D4sXL8bWrVsxduxY3HDDDYhGo31ea+3atRgyZAjOPvtsLFu2DIH4m8JERPlCme7eFma5ezbQXLu8YcMGPc5BGTKQTLqeQ+OALivYuCediPoQjGRPJj0aFvGru9425NrffnQ27E6rpsdcc801qK2txfLly/H000/3+PqKFSswf/583H333QCAMWPG4LHHHsPs2bPx5JNPwuVyJX2tu+++G1/96lfV369evRpLlizB9ddfDwBYtWoVNmzYgEceeQRPPPGEer/FixfjiiuuACBvmZk4cSLq6uowfvz4Xq9z44034owzzkBVVRW2b9+OJUuWYM+ePXjhhReSPisRUbZTy90j7ZAkKevnjeQ6zVHX7Nmz9TgHZYjSk16SYiZdT2JALpdkJp2I+pJNmfRstGrVKsyZMweLFy/u8bVt27Zh+/btWLt2rXqbJEkQRREHDhzAWWedlfR1pk2bpn7u8/lw/PhxzJw5s9t9Zs6ciW3btnW7TdkwAwCVlZUAgIaGhoRB+re//W3180mTJqGyshKXXHIJ9u3bh1GjRiV9XiKibFbgkMvdRUlEIBqA1+41+ETUl5SirnfeeQe//OUvsX//fvzpT3/CsGHD8N///d8488wz8cUvfjHdZ6Q0Uqa7l2rJpGdgsjsASAGWuxNR/9TBcVmQSbc5LPj2o8a8uW1zpDZD5MILL8S8efOwbNky3HLLLd2+1t7ejjvuuAMLFy7s8bgRI0YAkHvSP19q39tgOK83tReIdnvnm8xKJkgUxaQfP336dABAXV0dg3Qiyhsuqws2iw1RMYq2cBuDdJPTHHU9//zzuOmmmzB//nxs3rwZoVAIANDa2oqHH34YL7/8ctoPSenTWe6efCY94+XuHBxHRH3ouifd7ARB0FxybgYrV65EbW0txo0b1+32qVOnYufOnRg9enTCxw4dOhQnTpxQf793795+e8CLiopQVVWFTZs2davY27RpE84///wU/xS927p1K4DOLDwRUT4QBAGF9kI0h5rRFm5DhbfC6CNRH1Ka7v7UU0/h17/+dbd3s2fOnInNmzen9XCUfi3q4LjkM+nhoPwY3cvdOTiOiJLAFWz6mzRpEubPn4/HHnus2+1LlizBu+++iwULFmDr1q3Yu3cv/vrXv3YbHDdnzhw8/vjj2LJlCz766CN85zvf6fZ6IZHvf//7WLVqFdatW4c9e/Zg6dKl2Lp1K+66666U/xz79u3Dj3/8Y3z88cc4ePAg1q9fj5tvvhkXXnhht7J5IqJ80LUvncxNc9S1Z88eXHjhhT1uLy4uRktLSzrORDpKJUgPBWMAAIeG7HsqOjPpfOFNRImpPelZUO6ezR588EGsW7eu222TJ0/G22+/jfvuuw+zZs2CJEkYNWoUrrvuOvU+a9aswa233opZs2ahqqoKjz76KD7++ON+r7dw4UK0trbi3nvvRUNDAyZMmID169djzJgxKf8ZHA4H/u///g+PPPII/H4/qqurce211+Lf//3fU35OIqJspfSlc8K7+WkO0isqKlBXV4eampput2/cuBEjR45M17lIJ6mUu4cDGcqkK3vS3eYvYSUi4yh70rOh3D1bKDvMu6qpqVFb2ro677zz8NprryV8rqqqKrz66qvdbuv6Jn5NTU2v6+EsFguWL1+O5cuX9/q8vT2upKSkz1Vz1dXVePttY6brExGZjZJJZ5BufprL3W+//XbcddddeP/99yEIAo4fP461a9di8eLFuPPOO/U4I6VJMBxDKCoP19HUkx7UvyddkqQu5e4cZEFEibHcnYiISDvuSs8emqOupUuXQhRFXHLJJQgEArjwwgvhdDqxePFifO9739PjjJQmShbdZhFQ4Ez+r14ZHKfndHcpEgGi8nU4OI6I+sJydyIiIu0K7Cx3zxaaoy5BEHDffffh+9//Purq6tDe3o4JEyagoKBAj/NRGrWoO9Id6tqaZGRiT7ro96ufW1juTkR9YCadiIhIO7XcPcIg3ew0l7v/7ne/QyAQgMPhwIQJE3D++eczQM8SnTvStQ2AU8vd9cykx0vdBacTgk3f3nciym5KTzoz6URERMnj4LjsoTlIv+eee1BWVoYbb7wRL7/8MmKxmB7nIh00q5l0bUF6RjLpymR3ZtGJqB9KJt2sg+P6GmRG5se/PyLKVUpPenuYK9jMTnOQfuLECfzxj3+EIAj4+te/jsrKSnz3u9/Fu+++m/IhnnjiCdTU1MDlcmH69On44IMPknqcco6rr7465Wvnk87J7smvX5MkSe1J13NwHHekE1Gy1J50k5W7K7vAA/E3HSk7KX9/yex2JyLKJuxJzx6aoy6bzYYvf/nL+PKXv4xAIIC//OUv+P3vf4+LL74Yw4cPx759+zQ937p167Bo0SI89dRTmD59Oh555BHMmzcPe/bsQVlZWcLHHTx4EIsXL8asWbO0/hHyVirl7tGICDEmZxX0HBwn+uOZdK+5XnQTkblIkmTawXFWqxUlJSVoaGgAAHg8Hk3zP8hYkiQhEAigoaEBJSUlsFqtRh+JiCit2JOePQYUdXk8HsybNw/Nzc04dOgQdu3apfk5fvazn+H222/HrbfeCgB46qmn8NJLL+GZZ57B0qVLe31MLBbD/Pnz8cADD+Cdd97ptn+VElMGx5VqyKQrpe6CANid+r1g6dyRbq4X3URkLmExDFGSV0maLZMOABUVFQCgBuqUfUpKStS/RyKiXMI96dkjpSBdyaCvXbsWb7zxBqqrq3HDDTfgz3/+s6bnCYfD+Pjjj7Fs2TL1NovFgrlz5+K9995L+LgHH3wQZWVluO222/DOO+/0eY1QKIRQKKT+3ufzaTpjLmnuMt09WV1L3fXMCInBeCad5e5E1AelHx0wZ0+6IAiorKxEWVkZIpGI0cchjex2OzPoRJSzGKRnD81B+vXXX4+///3v8Hg8+PrXv44f/vCHuOCCC1K6eGNjI2KxGMrLy7vdXl5ejt27d/f6mI0bN+Lpp5/G1q1bk7rGihUr8MADD6R0vlzTovakJ1/urg6N07HUHeDgOCJKjlLq7rK6YLWYN5iyWq0M9oiIyFSUIJ2D48xP8+A4q9WK//mf/8GJEyfw+OOPdwvQP/nkk7Qe7vPa2tpw00034de//jWGDBmS1GOWLVuG1tZW9deRI0d0PaOZNafQk56JoXEAIAWYSSei/qk70k3Wj05ERGR2yuC4jlgHIjFWe5mZ5shr7dq13X7f1taGP/zhD/jNb36Djz/+WNNKtiFDhsBqteLkyZPdbj958mSv/WD79u3DwYMHceWVV6q3iaLcm2iz2bBnzx6MGjWq22OcTiecTmfSZ8plLSmUu2di/RrA6e5ElBwlk27GUnciIiIzU4J0QB4eN8g6yMDTUF80Z9IV//jHP/CNb3wDlZWVWL16NebMmYN//vOfmp7D4XDg3HPPxRtvvKHeJooi3njjjV5L6MePH48dO3Zg69at6q+rrroKF198MbZu3Yrq6upU/zh5oSWofXBcKJiZTLo63d3DF95ElJjZd6QTERGZldVihdfuBcC+dLPTFHnV19fjueeew9NPPw2fz4evf/3rCIVCePHFFzFhwoSUDrBo0SJ84xvfwLRp03D++efjkUcegd/vV6e933zzzRg2bBhWrFgBl8uFs88+u9vjS0pKAKDH7dSdKEoprWALxbPvuvekxzPpAjPpRNQHs65fIyIiygaFjkL4I372pZtc0pHXlVdeiX/84x+44oor8Mgjj+Cyyy6D1WrFU089NaADXHfddTh16hTuv/9+1NfXo7a2Fq+88oo6TO7w4cOwWFJO+FNcW0cUorzuHMWpDI5zJ/+YVIjsSSeiJKg96SZcv0ZERGR2hY5C1Pvr4Qvn78arbJB0kP6///u/WLhwIe68806MGTMmrYdYsGABFixY0OvX3nrrrT4f+9xzz6X1LLlKGRrncVjhtCU/cTgUlGcMONz6TinunO7OF95ElFgwKlfdMEgnIiLSrtDONWzZIOkU9caNG9HW1oZzzz0X06dPx+OPP47GxkY9z0Zp1DnZPfl+dAAIq+XuOmfSuSediJKgBuksdyciItJMXcMWYbm7mSUdpM+YMQO//vWvceLECdxxxx344x//iKqqKoiiiNdffx1tbXw3xsyUoXFadqQDmRscJ3FwHBElgeXuREREqStwyBPemUk3N83N3l6vF9/85jexceNG7NixA/feey9WrlyJsrIyXHXVVXqckdKgJcVMurInXffBcexJJ6IkcHAcERFR6ljunh0GNJFt3Lhx+OlPf4qjR4/iD3/4Q7rORDpo9suZdC1D44DOwXG6r2DjnnQiSgIz6URERKlTyt0ZpJtbWsamW61WXH311Vi/fn06no50kMr6NaCz3N2pd5Aez6QLbpa7E1FiSiade9KJiIi0Y096duBuszzRHB8Ap31wXIbK3ZlJJ6IkqJl0lrsTERFppgTpXMFmbgzS80Tn4Ljkg/RYVEQ0IgLQt9xdkqQuPele3a5DRNmPmXQiIqLUcXBcdmCQnieUcvcSd/Ll7ko/OqBzkB6JAFH5WpzuTkR94eA4IiKi1BXZiwAA7WGWu5sZg/Q8oe5J9yYfpCuT3e0uKywWQZdzAYAUz6IDgIU96UTUB6Xc3Wtn1Q0REZFWzKRnBwbpeUKZ7q6l3D3jQ+McDgg2fa9FRNnNH/ED4HR3IiKiVKjT3SMM0s2MQXqeSGVPesaGxnFHOhElSQnSmUknIiLSTp3uHm6HKIkGn4YSYZCeB8JREf5wDIC2FWwh7kgnIhORJInl7kRERAOgBOkSOn+mkvkwSM8DLUE5iy4IQKFL++A43cvd/fFydw6NI6I+RMQIopL8fYmD44iIiLRzWp1wWOTKWvalmxeD9DzQEt+RXuy2w6phAJwyOM6RsXJ3ZsaIKDGl1B1gTzoREVGqlOFx3JVuXgzS80CzX3s/OgCE4rvVnRrWtqVCDLInnYj6pwTpLqsLNguHTBIREaWiyBFfwxbhGjazYpCeB5oDymR3bcG2MjjO4bam/UxdqZl0rl8joj6ok91Z6k5ERJSyAjvXsJkdg/Q80BpMMZPeofSk65tJlzg4joiSEIhyaBwREdFAqWvYGKSbFoP0PKBm0jUG25lfwcZMOhElxvVrREREA6f0pDNINy8G6XmgOb4jvURzT3qGVrD52ZNORP1Ty905NI6IiChl7Ek3PwbpeaDFL2fStexIBzqnu+u+gi1e7i4wSCeiPnBHOhER0cCx3N38GKTnATWT7tWWSVf2pGdsBZubQToRJcZydyIiooHj4DjzY5CeB1qCKWbSgxnKpAdY7k5E/WOQTkRENHDMpJsfg/Q80KJk0t3JZ9LFmIhIRwxABgbHcU86ESXBH+UKNiIiooFikG5+DNLzQCp70sPxAB3Qf3Cc5Od0dyLqH3vSiYiIBk4J0jk4zrwYpOc4SZLUTHqphp50pR/dZrfAatP3n4nIPelElAS13N3GIJ2IiChV7Ek3PwbpOc4fjiESkwBo60lXJrvrPTQO6Do4jpl0IkpMXcHGcnciIqKUsdzd/Bik5zgli+6wWeC2W5N+XKaGxgGdQTpXsBFRXwJR+XsFg3QiIqLUKXvSGaSbF4P0HNei9KO77RAEIenHhZVMeiaCdJa7E1ES1J50lrsTERGlrMAhl7uHxTBCsZDBp6HeMEjPccqO9FKPth3paiZd53J3SZK4go2IksIVbERERAPntXshQE7eMZtuTgzSc1wqk92BzsFxepe7S5EIEJWvxSCdiPrCIJ2IiGjgLIKFw+NMjkF6jmtJNZMeD+4dGoN7raR4Fh3g4Dgi6ptS7s6edCIiooFR17CFuYbNjBik5zilJ73Uqy3Y7hwcl/ywuVSoQ+McDgg2/fvfiSg7SZIEf5SZdCIionRQ+tKZSTcnBuk5TulJL3Zry6Qr5e56D47j0DgiSkZHrAOiJAJgkE5ERDRQ6hq2CIN0M2KQnuPUTLrGsnVlT7pT53L3zvVrLHUnosSUfnQAcNv4/YKIiGgguCvd3Bik57hUp7tnanCc6OdkdyLqn9qPbvPAIvBHFxER0UAU2hmkmxlf6eS4VKe7hzJW7q4E6SxfJaLEONmdiIgofZhJNzcG6TmuVcmke1PMpOu8J13dkc7J7kTUBwbpRERE6cPBcebGID3HqZl0d2o96bpn0gMsdyei/gWiXL9GRESULkWOIgBAe4Qr2MyIQXoOi4kSfB1KuXvymXRJlDLWky5xujsRJYGZdCIiovQpsDOTbmYM0nNYazACSZI/19KTHg7F1MdlrNyd092JqA9qkG5jkE5ERDRQ7Ek3NwbpOUyZ7F7otMFuTf6vOhQvkbfaLLA5rLqcTSEGmEknov6p091Z7k5ERDRg3JNubgzSc5iyI73Em2I/us5ZdKDrnnS+8CaixPxRlrsTERGlixKkt4fZk25GDNJzWEs8k17i1jjZPR6kuzIYpFvcDNKJKDElk84gnYiIaOBY7m5uDNJzWJNfDtIHaVy/lqnJ7kDXPekM0okoMaUnneXuREREA6cMjmuPtCMmxgw+DX0eg/QcpvSkaw7Sg3KZvN5D4wDuSSei5KhBuo1BOhER0UApmXSgs6WMzINBeg47Hc+kl2pYvwZ0ZtKdGibCp0ryx4N0L194E1FiLHcnIiJKH4fVAafVCYAl72bEID2HNavl7qkNjtN7RzoAiNyTTkRJ4OA4IiKi9OLwOPNikJ7Dmvxy2fogr1PT40JBJZPOcnciMgd1TzqDdCIiorRQgnRf2GfwSejzGKTnsM6edK2ZdDm4z8gKtngmnSvYiKgv6p509qQTERGlRaGdmXSzYpCew5pT7EnvXMGmf0+6mklnkE5EfWAmnYiIKL3UNWwR9qSbDYP0HHY6G1awMUgnoiQwSCciIkqvAoe8ho2D48yHQXqOisZEtAaVnnStK9jiPelefYN0KRwGovK1GKQTUSKiJCIQjZe7c086ERFRWqiZdAbppsMgPUe1xAN0QQCK3eac7q5k0QEOjiOixILRoPo5M+lERETpofSkM0g3HwbpOUrpRy9222GzavtrVgbH6b0nXQnSBYcDgk3/0noiyk5KqbtFsMBldRl8GiIiotygrmCLcHCc2TBIz1FqP7rGoXGxqIhoWASg/wo27kgnomQok929Ni8EQTD4NERERLmB5e7mxSA9RzUPcGgcoP/gODWT7mGpOxEl5o/KmXT2oxMREaUPB8eZF4P0HNUU35FeqjFID8eHxjlcVlgs+masxAAz6UTUPzWTzn50IiKitClyFAFgkG5GDNJzVHOK5e4d8X50h86l7gAgBuJ9ph6+8CaixLh+jYiIKP0K7MykmxWD9BzV5JeDbc2ZdGWyu85D44AuO9I52Z2I+qAE6Sx3JyIiSh8OjjMvBuk5qskfAgAMTnVHus796AAgcXAcESVBzaTbmEknIiJKFyVI94V9kCTJ4NNQVwzSc1RTILVMurojPSPl7sykE1H/2JNORESUfkqQHhWjCMVCBp+GumKQnqM6p7trK1vv3JGewSDdy0w6ESXG6e5ERETp57F5YBHkcJB96ebCID1HNcWD9FKNg+NCGe1JZ7k7EfWPPelERETpJwhC5/C4CIN0M2GQnqOUIH2w16npcWpPegYz6QLL3YmoD2q5O3vSiYiI0kopeWcm3VwYpOegYDiGYCQGACjVWu7uz2CQHoyXu3MFGxH1QcmkFzgKDD4JERFRbmGQbk4M0nNQc0DOotutAgqc2oLtcDDek56B6e5qTzrL3YmoD8oLB6Ukj4iIiNKDQbo5MUjPQV370QVB0PRYpSfdwT3pRGQSSp+c8kKCiIiI0kPtSWeQbioM0nOQkkkfpHH9GpDZFWySMjiO092JqA/t4XYADNKJiIjSTfnZ2h5pN/gk1BWD9BzU5B9AkK4MjstkuTsz6UTUB5a7ExER6UP52aq8IU7mwCA9B6nl7hqDdEmSMryCjT3pRNQ/5d19ZtKJiIjSiz3p5sQgPQc1K5l0jTvSI6EYJFECkKnp7nK5u8AgnYgSiIgRBKPy9woG6UREROmlBunck24qDNJzUFMgtUy6kkW3WAXYHPr/0+gsd2eQTkS961p+57VzXSMREVE6sdzdnBik5yCl3H2wxiA9HOwcGqd1KnwqlEw6B8cRUSLKiwaPzQObRf8KHyIionzCcndzYpCeg1LtSQ8F4jvSM9CPLoXDQES+HnvSiSgRX8QHAChwcGgcERFRuik/X1nubi4M0nNQs18OfrX2pKs70jM42R3gdHciSkzJpBc5igw+CRERUe4ptMdXsLHc3VQYpOegzp50bRlxZf2aK5ND4xwOCDaWsBJR75QXDVy/RkRElH7qnnQG6abCID3HSJKkTncf7HVqemzIH8+kZyJI5450IkqCL8xydyIiIr0oP1/bI+0QJdHg05CCQXqO8XVEEY2vUSvR2FuuZNKdGSx3Fzg0joj6wB3pRERE+lF+vkqQ4I/4DT4NKRik5xgli+5xWOGyWzU9NpOD48RAfLI7h8YRUR+UabNKzxwRERGlj9PqhN0iv/Znybt5MEjPMY3tIQDAkAJtpe4AEA50rmDTmxiQ36njjnQi6osSpLPcnYiISB/qGjZOeDcNBuk5pjNI1zbZHQA6MhikS0Fm0omofyx3JyIi0hd3pZsPg/Qcc6pdLncfWphCJj2Y+RVsDNKJqC8sdyciItKXskGF5e7mwSA9x5xqS73cvbMnndPdicgclBcMzKQTERHpg+Xu5sMgPccMpCe9I76CzaVxv3oq1MFxnO5ORH1QXjCwJ52IiEgfLHc3HwbpOaYxnklPpdw95Jcz6ZkJ0uMr2JhJJ6I+qOXuzKQTERHpguXu5sMgPcecSjGTHg3HEI2IADIbpLMnnYj6opa7syediIhIFyx3Nx8G6TlGKXcfWqhturtS6m6xCLC7tO1XT4UYVIJ0r+7XIqLsJEkSV7ARERHpTPkZy0y6eTBIzyGSJKGxTZ7urjWT3hEvdXd6bRAEIe1n+zwOjiOi/nTEOhCV5DcQWe5ORESkD6VajT3p5sEgPYf4wzEEIzEAqQfpmSh1B1juTkT9U97RtwgWeGz8XkFERKQHJZPOcnfzYJCeQ5ShcR6HFV6ntjVqmRwaBwASp7sTUT/UUnd7QUYqfIiIiPKRUq3GcnfzYJCeQwa2fk0pd89wJp3l7kSUgPKOPkvdiYiI9MNyd/NhkJ5DTg1g/Vpnubu2DHyqxGA8k85ydyJKgOvXiIiI9MfBcebDID2HdGbStU12Bzqnu2c6ky64GaQTUe+UFwvK/lYiIiJKP65gMx8G6TnkVHtqk92BzPekc3AcEfWH5e5ERET6U8rdg9EgImLE4NMQwCA9p6Sn3D1DQXqQg+OIqG8sdyciItKf1+FVP/eH/QaehBQM0nNIOgbHZSJIl8JhICJfj4PjiCgRlrsTERHpz26xw22TX5Oz5N0cGKTnkIEF6XJPeiYGxyml7gCDdCJKjJl0IiKizFBK3jk8zhwYpOeQdJS7Z2JwnFLqLjgcEOyZKa8nouzDnnQiIqLMUCa8cw2bOTBIzxGSJKmZ9KEaM+mSJGV0cBx3pBNRMljuTkRElBlqkM5yd1NgkJ4j/OEYOiIiAGBIobYVbJFQDGJMApCpID2eSefQOCLqA8vdiYiIMkP5Wctyd3NgkJ4jlFJ3r8MKj0NbX7lS6m61WWBz6P9PojOTziCdiBJT3s1X3t0nHe36O/C3u4AQMyhERPlI6Ulnubs5mCJIf+KJJ1BTUwOXy4Xp06fjgw8+SHjfX//615g1axZKS0tRWlqKuXPn9nn/fKEOjUuhHz3UZWicIAhpPVdvxIC82oE70omoL8q7+UWOIoNPYjLRMPDxc8CGFUA0lJ7nW/89+Tk3PTbw5yMioqzDcndzMTxIX7duHRYtWoTly5dj8+bNOOecczBv3jw0NDT0ev+33noLN9xwAzZs2ID33nsP1dXVuPTSS3Hs2LEMn9xcGtsGvn4tE0PjAEBSdqQzSCeiPijv5rMnPU6MAVvWAo+fK2e9314J/PmbQCw6sOf97H+BYJP8+T+fBAJNAz8rERFlFZa7m4vhQfrPfvYz3H777bj11lsxYcIEPPXUU/B4PHjmmWd6vf/atWvxb//2b6itrcX48ePxm9/8BqIo4o033sjwyc3llLp+TVs/OpDZHekAB8cRUf9ESYQ/IlfdsNw97uXFwF//DWg5DHjLAKsT2P13OQsuiqk/75bfdX4ebgPee2LgZyUioqzCcndzMTRID4fD+PjjjzF37lz1NovFgrlz5+K9995L6jkCgQAikQgGDRrU69dDoRB8Pl+3X7mocSDr19oNCtKZSSeiBPwRPyTIAy05OA6A7ziw+b/kzy+5H7hrG/C1ZwHBCmz7PfDafSk+7wmg7v/kz+c+IH98/ylm04mI8ozyhnh7hJl0MzA0SG9sbEQsFkN5eXm328vLy1FfX5/UcyxZsgRVVVXdAv2uVqxYgeLiYvVXdXX1gM9tRqfawwBSK3cPBZQgXdvAuVQp090tnO5ORAko7+Q7LA44rdq/r+WcD38DiFHgjJnArHsBhwcYfwXwlXjW+5+/APa/rf15t/0BkERgxAXAzLuAiklAuB149+fpPT8REZma0lrGTLo5GF7uPhArV67EH//4R/zlL3+By+Xq9T7Lli1Da2ur+uvIkSMZPmVmnBpIT3q73M+YqZ50JZMusNydiBJQ+9FZ6g5EgsBHz8qfz7iz+9dqbwDOu13+/LX7tJW9SxKwda38+ZT/BwgCMHup/PsPfgV05GblGRER9aQMaWVPujkYGqQPGTIEVqsVJ0+e7Hb7yZMnUVFR0edjV69ejZUrV+K1117D5MmTE97P6XSiqKio269cpEx3T6ncPZDhcncOjiOifihBOie7A9j+P/Jgt5IRwLjLe379oqWAswio3wFs/2Pyz3vkfeB0HWD3AhOulm8bfwVQXC1n009sS8vxiYjI/Djd3VwMDdIdDgfOPffcbkPflCFwF1xwQcLH/fSnP8WPf/xjvPLKK5g2bVomjmp66gq2AUx3z1xPenwFG/ekE1ECSk9c3k92lyR54joAnH8HYLH2vI93iFwCDwBv/BgIB5J77i3/LX+ceA3gjP93FgSgfKL8+andqZ+biIiyCsvdzcXwcvdFixbh17/+NX77299i165duPPOO+H3+3HrrbcCAG6++WYsW7ZMvf+qVavwwx/+EM888wxqampQX1+P+vp6tLfnb2mGJElqufvQVHrSjZruzkw6ESWgvEjI+6Fx+98CTu0CHAXA1JsS32/6d4DiEUDbceC9x/t/3mAzsON5+fOpN3f/2tBx8sdTe1I6MhERZR+Wu5uL4UH6ddddh9WrV+P+++9HbW0ttm7dildeeUUdJnf48GGcOHFCvf+TTz6JcDiMf/3Xf0VlZaX6a/Xq1Ub9EQzXFooiFJX7EFMqd/fLPemugswMjpMCLHcnor6xJz1OmeheeyPgKk58P7sLmLtc/nzjI0D7qb6fd+sfgGgQKJ8EVJ/f/WtDx8sfmUknIsobys/bsBhGKBYy+DSUmaisHwsWLMCCBQt6/dpbb73V7fcHDx7U/0BZ5mRrBwCgyGWD29FLKWQ/lBVsTk+mM+kcHEdEvVPK3fM6kx4JAp+9Kn9+zvX93//sa+Ud58c3A++sBv5lVe/3E0V5WjwAnPdNucS9K2bSiYjyjtfuhQABEiS0hdvgdHOzipEMz6TTwNX75CC9orj3Cfd9kUSpcwVbAcvdicgcWkOtAPJ8cFzd/wERv1zGXjW1//sLQmc2/cOngeaDvd/vwNtA0z7AUQhM+nrPrw+JB+n+Bu5LJyLKExbBovals+TdeAzSc0B9PJNeXqQ9SA8Fo5Ak+XNXpjLpnO5ORP1oCbUAAEqcJYaew1Cfvih/nHBVz2x3IiMvAkZeDIgRYMOK3u+jZNFrb+gcGNeVs0B+YwBgyTsRUR5RSt6VajYyDoP0HHDSN4AgPZ5FtzmtsNoz88+hc086g3Qi6p0SpJe6So09iFEiHcBnr8ifK+vRknXJ/fLH7euA+k+6f631GLDnZfnzabclfg615J1BOhFRvlCCdF/YZ/BJiEF6Djjpk4c7VKQQpHe0x4fGeTI3noCZdCLqjxKkFzv7GJaWy/a9Ie8qLxoODNe4anTY1HhgLwHrvwe0N8i3d/iAv/4bIIlAzSygbHzi52BfOhFR3im0y3NgWO5uPAbpOUDpSS9PoSe9I8P96ECXnnQvg3Qi6l1LRwsAoNSZp5n0nX+VP2opde/qkvvlnvPjm4FfXgjs+hvw7L/IK93sHmDOv/f9eE54JyLKO8qwVpa7G49Beg5Qyt1Ty6RndrK7FA4DEfmaFjenuxNR75pDzQCAEleJsQcxQjQE7Plf+XOtpe6KwaOA298AhowF2k4A6/4fcPITwFsG3PISMGJG348vO0v+2MAgnYgoXyjl7soaVDIOg/QcoAyOSylI98cz6d7MTnYHWO5ORL2LilH1BUJeDo7btwEI+YDCSmD4eak/z9BxwLfeAMZ/Wf79kHHAt/5PLofvz5Cx8sf2eiDYnPoZiIgoayjT3RmkG88Ue9IpddGYiMZ2uSe9vFj7PsOQP8Pr1/x+AIDgdEKw8Z8fEfWkrF8TIOTnCraD78gfx14GWAb4XrqrCLjud8DxLXIJuyPJN0ddRUDRMMB3DDj1GTBi+sDOQUREpqf8zGW5u/GYSc9yp9pDECXAahEw2Ks9SO/wZ3ZwXCwepFu83oxcj4iyjxKkFzoKYbPk4Zt5x7fKHweSRe9KEOTsebIBuoIT3omI8grL3c2DQXqWUya7lxU6YbVoHy7UYVAmnUE6ESWi9KPn5fo1UQRObJU/r6o18iRdhsdxwjsRUT5gubt5MEjPcko/eio70oHOID1Tg+NEvzLZnUE6EfVOmeyel+vXTtfJq9dsbrmH3EhqkL7L2HMQEVFGsNzdPBikZ7mBTHYHgGBbGADgLmQmnYjMQdmRnpfr145vkT9WTgasBpf6M5NORJRXlHJ37kk3HoP0LKfsSK9IYUc6AATb5Ey6p8iRtjP1pTNI52R3Iuqdun4tHye7K0F61RRjzwEAQ8bIH33HgHCg7/sSEVHWU8rdfWGfwSchBulZ7uQAyt0lSeqSSc90kM5MOhH1Thkcl5dButqPboIg3V0K2OPfq9tOGHsWIiLSXaGjEADL3c2AQXqWUzLp5UXaJ7uHO2IQYxIAwM3BcURkEs0d8Uy6q8TYg2SaGANObJM/N0OQLghAUZX8ue+YsWchIiLdqUF6uB2SJBl8mvzGID3LDaQnPeiTs+h2pxU2hzWt50pEDdI9LHcnot4pPel5l0lv/AyIBABHATB4tNGnkRVVyh99zKQTEeU6pdw9JsUQjAYNPk1+Y5Ce5ZQVbOUp9KQH2+V+9EwNjQOYSSei/uXt4DilH71iMmDJzBun/SoaJn9kJp2IKOe5bW5YBfnnD9ewGYtBehZrD0XRHooCSDGTnuF+dKAzSLcySCeiBNRMer6Vu5tpaJyiUMmkHzf2HEREpDtBENiXbhIM0rOYsiO90GmD16l9VY8hQXqAe9KJqG95W+5uxiBd6Unn4DgioryglLwzk24sBulZTOlHT6XUHehcv8ZydyIyi5gYgy8kr37JqyA9FgXqd8ifmypIZ7k7EVE+UTLpDNKNxSA9i9W3pj7ZHeiSSS/IfLk7g3Qi6o0v7IMEeaJssbPY4NNk0KndQLQDcBYBg0YafZpOHBxHRJRXChxyJp3l7sZikJ7FTralviMd6FrunsFMeoBBOhEl1hyS168VOgphs2hv48laSha9YjJgMdGPZiWT3n4SiEWMPQsREemu0M5MuhmY6JUAaXWyRzL/SQAALtBJREFUNfX1a0DX6e6Zy6THmEknoj60dLQAyMPJ7o2fyR+HjjP2HJ/nGQJY7AAkoK3e6NMQEZHOlEw6g3RjMUjPYvXKjvSUe9INyKT7OTiOiBLL26FxSpA+ZKyx5/g8i6VzwjuHxxER5TxOdzcHBulZrF7ZkZ5iJj3QltlMuiRJ7Eknoj7l7fq1xr3yxyFjjD1Hb5QJ7xweR0SU8zg4zhwYpGexgZS7S6KEDqXcPUOD46RwGIjKe90ZpBNRb/Iykx6LAE375M/NVu4OdAnSuSudiCjXcQWbOTBIz1KRmKgOjqsqcWt+fCgQhSTKE5QzVe6uZNEBwOLWfmYiyn1KT3peBenNBwExCti9QGGV0afpiUE6EVHeYLm7OTBIz1L1rR2QJMBhs2CwV3smPBDvR3d6bLDaMvPPQAnSBbcbgtWakWsSUXZRprvnVZCu9qOPNtdkdwWDdCKivKEG6WEG6UYy4asBSsaxliAAYFiJGxaLoPnxHe1ykO4qyOTQOPajE1Hf8rIn/dQe+aPZhsYpODiOiChvKOXuvrDP4JPkNwbpWepYsxykV5WkODTOJ/ejezK4fq0zSPdk7JpElF3ycgWbOjTOhP3oQOeudA6OIyLKeSx3NwcG6VmqayY9FUomPZM70plJJ6L+KJn0YmexsQfJJLXc3YST3YEu5e4nAFE09ixERKQrJZPOcndjMUjPUsdblEx6akG6sn7Nlckd6QF5R7rVwyCdiHqnBOl5k0mXpC6ZdLOWu1cAEAAxAgROG30aIiLSkZJJ90f8ECW+MWsUBulZaqCZ9GB8cJwx5e4M0omop5gYQ2uoFUAe9aS3nwRCrYBgAQaNNPo0vbPagYIy+XOWvBMR5TQlSJcgseTdQAzSs5QapJemGqTHd6RnMpPOIJ2I+tAWboMEeTVk3pS7K6XuJWcA9tRmjGQEJ7wTEeUFh9UBh0VO4rHk3TgM0rOQJElquftAM+nuAmbSicgclPVrhfZC2C2ZewPRUEqQPtSkQ+MUyv72NgbpRES5Tsmmt4XbDD5J/mKQnoVO+8PoiIgQBKCiOLXMixqkM5NORCahlLrnTRYd6NKPbtKhcQpm0omI8gaDdOMxSM9CShZ9aIETTps1pecItivl7pnLpMcYpBNRH5o75Ex6qStPhsYB5t+RriiK70r3cVc6EVGuUye8syfdMAzSs5CyIz3VfnQxJqLDn/kgnZl0IuqLUu5e4iwx9iCZZPbJ7gruSiciyhvMpBuPQXoWGvCOdH8UkAAIgMtrS+PJ+ib65RVsDNKJqDcnAycBAGWeMoNPkiGhdsB3VP7c9EE6y92JiPJFgYOZdKMxSM9C6Vq/5vLaYbFm7p+Amkn3eDJ2TSLKHqcCpwAAQz1DDT5JhjTtkz96BgOeQcaepT8FFfLH9gZjz0FERLpjJt14DNKz0EDL3Tsnu2d2ejLL3YmoLw0BOQDMm0x60375o1n3o3flHSJ/DLUC0ZCxZyEiIl2pPelcwWYYBulZ6HirHKRXFQ90R3rm+tEBBulE1DclSC/3lBt8kgxpPih/LD3T0GMkxV0KWOLtUf5GY89CRES6UjPpEWbSjcIgPQsNOJPerqxfY5BOROaRdz3pTQfkj4OyIEgXBMAbb0Pws+SdiCiXsdzdeAzSs0wgHEVzQM6Ep17urmTSjSp3Z086EXUXiUXQ1NEEII+C9OZ4kF5aY+gxkqaUvDOTTkSU01jubjwG6VlG2ZFe6LShyJVakB1olfsJPUWZy6RLkgQxwOnuRNS7xqAc+NkstvxZwZZN5e4A4I2/eeI/Zew5iIhIVyx3Nx6D9CxzdICl7gDQ3iKXu3tLnGk5UzKkjg5AFAEAVgbpRPQ5aqm7uwwWIQ9+NEXDQGt8/Vo2lLsDneXunPBORJTTWO5uvDx4JZRbjrd0AACqUly/BgD+eCbdW5y5IF0pdYcgQOAKNiL6nLyb7N56BJBEwOYGCrJkUJ5a7s5MOhFRLmO5u/EYpGeZYy1yyXiqO9IBwN8SD9IzmEnvuiNdEISMXZeIskPeBeld+9Gz5XtigVLuzp50IqJcVuCIB+kRBulGYZCeZQaaSY9FRHS0y4PjCowI0lnqTkS9yLsgPZsmuys43Z2IKC8UOYoAAMFoEBExYvBp8hOD9CxztDmeSY/3pEebmnDqF7/A3gtnY++Fs3H66ac7S8t7oZS6W20WOL02/Q8cxyCdiPqSd+vXsm1oHNAlSGe5OxFRLvPaO1+vsy/dGAzSs8yh03KQfsYgD04//TTqLp6Dxsd+jmhDA6INDWj4j9Wou2QuWp5/vtfHd5a6OzJadh5jkE5EfTgVlAO/vAnSm7Js/RrAFWxERHnCZrGpgTr70o2RuVQqDVggHEVDmxxkVzUdQ8PqNYAkwTVpEgZ94xuQwmE0/vIpRA4dxokf3g/n+PFwT5zY7TnaDehHB7r3pBMRfV7elbsrmfSsKnfvsoJNFAEL3+cnIspVhY5C+CN+ZtINwp+wWeRwk5xFL3bb0fHLXwCShMJLL0XN/6xD8ZevQMlXr8Gol15C4bx5gCii/kcPQIrFuj2HEUPjAJa7E1FikiSpQXq5J0smnQ+EJGVpuXs8ky5GgY4WQ49CRET6Utaw+cI+g0+SnxikZxGl1H1W5ATa33wTsFgw9O67upWtCzYbyu/7ASwFBejYsQPNf/xjt+dQg/QMrl8DANEvn51BOhF9XlukDcFoEAAw1DPU4NNkQHsDEPEDEICSaqNPkzybE3AWy5+z5J2IKKcV2rkr3UgM0rPIodN+QJLwlY/WAwCKr7kazpEje9zPXlaGoffcDQA49Z+PINLQOYnX3xoGwEw6EZlHQ3xaeKGjEG5b6usls4aSRS8eLge+2aSAw+OIiPKBMuGdmXRjMEjPIodOBzDl1F4MP7gTgt2Ood/9bsL7ll5/PVxnnw2xvR2n1vxMvV3JpGdy/RrAIJ2IEsurUneg+470bMM1bEREeUEpd2cm3RgM0rPIodMBfG3vBgBAyQ3Xw15VlfC+gtWKin+/DwDg+9//Rcwnvwtm+OA4LwfHEVF3DcE8GxqXjTvSFZzwTkSUF4qcciadQboxGKRnkfqTp3F2434AwKAbb+z3/q5zzoFj9ChI4TDaXnsNkiR1W8GWSWKAPelE1Lu8neyelZn0LhPeiYgoZ3FwnLEYpGeJcFTE4LpPYZdisFQNg/2MM/p9jCAIKL7yKgBA69/+jlAgilhEBGDE4DiWuxNR75Qgfag7D4bGAV3K3bMxkx7/O2pnuTsRUS7j4DhjMUjPEsdagqg9+RkAoGjWzG4T3ftS/OUrAACBDz5Aa91RAIDTa4PNYdXnoAkoQbqVQToRfc7JwEkAedSTnhPl7sykExHlMvakG4tBepY4eNqPqQ1ykO6dOTPpx9mHDYNn2jRAknDq/94FkPmhcQAz6USUWF6Vu4f9nUPXsrHcvUApd2dPOhFRLlOmuzNINwaD9CxR/9lBjGhvgCgI8M6YoemxRVdeCQA4/cEnADJf6g4wSCeixNQg3ZsHQXrLYfmjqxhwlxp7llRwujsRUV5gT7qxGKRnicj77wEAms8YC2tRkabHFl02D4LdDn9LB4DMT3YHugTpHk53J6JOUTGK08HTAPKk3L35kPyxZISx50iVGqQzk05ElMs43d1YDNKzROEnmwEA4dppmh9rLS5GwUWzEXaUADAmSFdWwFmKijN+bSIyr8ZgIyRIsApWlDqzMLOslZJJL+l/+KcpKUF6yAdEOow9CxER6YY96cZikJ4FpFgM1Qfipeoa+tG7Krz0UoSccoCc8R3pHR2QQvLqN2uxtioAIsptSqn7EPcQWC2ZHWhpiJZ4Jj0b+9EBuUzfYpc/5/A4IqKcpQTpHbEOhGNhg0+TfxikZwH/jk/gDQXQbnOhcvq5KT2HZ+pUhJwl8ufuNB4uCbHWeC+L1QpLQUFmL05EpnbIJwetwwuHG3ySDFF2pGdrubsgdCl5Z5BORJSrCuwFECBvk2I2PfMYpGeBhjf/AQDYXjYGw4YUpvQctqoqhNyD5M8bj6TtbMkQfa0AAGthYdKr44goPxz0HQQA1BTVGHqOjMn2cnegyxo29qUTEeUqi2BBgV1OrjFIzzwG6VmgfbPcj370jAmwWlILckVRQtgmT1a37N+ZtrMlI9YaD9KL2Y9ORN0daJV3hp9ZnIU7w1OhlrtncZCurmHjhHciolzGvnTjMEjPAtL+OgBAZOTolJ8j0BoGIEAQYxB3fJSmkyVHHRrHIJ2IPkfJpOdFkB5sATrkNy1RXG3oUQaE5e5ERHmBa9iMYzP6ANS3WEsLHE1ySaF77NiUn8ffIg9uc4Rb0bFnKyRJyljpudKTzkw6EXUlSiIO++Ty77wod1dK3T1DAGcWz+dguTsRUV7gGjbjMJNuch17PgMA1HtKUTV8aMrPowTpzogPseZmRA4dSsv5khFrbQEAzfvdiSi3nfCfQCgWgt1iR1VBldHH0V9Llu9IV3iVcndm0omIclmhnZl0ozBIN7nQnt0AgP1FVRhdlnrmpT0epHtcEgAgsGXrgM+WLNGnZNIZpBNRJ6UffUThCNgseVDY1ZwD/ehAZ7l7O3vSiYhyGXvSjcMg3eQCu/cAAA4UDyxI9zUGAQBFQ+T9a8EtWwZ+uCTFWuQeTPakE1FXB1sPAgBqimsMPUfG5MJkd6BLTzrL3YmIchmDdOMwSDe59k93AQCODx6GiiJXys/jOyUH6aUj5TLFjAbpSia9iEE6EXXKq6FxQO6UuxdwcBwRUT4ocrAn3SgM0k1MikYRO7BP/nzkmAENemtt7AAADJ48CgAQqqtTg2e9cQUbEfVGKXfPi6FxQO6Vu/tPAaJo7FmIiEg3nO5uHAbpJhY+dAiWcBhBqwMlo2pSfh5JlNRy90Gjy2EfMQKQJAS3bU/TSfsW8ylBOnvSiahTXpW7S1KXcvcaQ48yYJ74dHcpBnS0GHoUIiLSD6e7G4dBuomF9sj96AeLKjG6IvUAN+ALIxYRIVgEFAxywV17DgAguG1bWs7ZH7GFmXQi6s4f8aMhKA8ey4tMeuA0EPHLnxcPN/YsA2VzAK4S+XOWvBMR5SxlujuD9MxjkG5iHerQuEqMGpr60LjWeD964SAnrFYLXOPGAwDC+/cN/JBJUMrqLVzBRkRxSj/6INcgFDvz4A08pdS9sBKwpz5fxDQ44Z2IKOex3N04DNJNrCOeSd9fVInRZd6Un+fzk90dI+UhTaH9BwZ4wv5JktQ5OK64RPfrEVF2yLt+dHVoXJb3oyu8HB5HRJTrON3dOAzSTSywS96RfqSkCmcMTj1IVzLpRUPlIN05ciQAIHzgACSdh/6Ifj8QiwFgTzoRdVL60TnZPUsVcA0bEVGu43R34zBIN6lYSwukhpMAgOiZo2C3pv5XpWTSi+OZdPuwYRDsdkihECLHTwz8sH1QdqQLDgcsrhwo8SSitMi/9WvxoXHZPtldoWbSWe5ORJSrlEx6WAwjFAsZfJr8wiDdpDr2fAYAqPeUYviwoQN6LjWTHg/SBZsNjhr5hWL4wP4BPXd/RB+HxhFRT3lX7t7McnciIsouHrsHFkEOF30h9qVnEoN0kwqp/ehVGFWW+tA4oEsmPV7uDgCOM+Ml7/v1DdKVHekWlroTUZwoiTjskzPL+ZNJz7Fyd298DRvL3YmIcpZFsLAv3SAM0k0q1tqKqNWGg8WVGD2Aye7hjiiCbREAnT3pQOaGx8VaOTSOiLo70nYEHbEO2C12VBVUGX0c/Yki0HJE/jxnyt3L5I/MpBMR5TRlDRsnvGeWzegDUO+Gfm8BrmwZg5ZWP/51AJl0JYvu8trhdHf+davD4zKUSbdy/RoRxX1U/xEAYNKQSbBZ8uDHUNsJIBYCLDagKMt3pCu4go2IKC8wk26MPHh1lJ1agxHU+6OAzYmRQwewfu1UB4DuWXSgs9w9dEDnTDp70onocz46KQfp0yqmGXySDGk+KH8srgasOfJj18vp7kRE+YAT3o3BcneT2neqHQBQUeRCocue8vMoQ+OKh3SfrO44Uy53jzU2qtluPYhKJp096UQEQJKkziC9PM+C9NIaI0+RXsoKtnAbEAkaexYiItINM+nGYJBuUnUNcpA+qiz1LDrQWe7++Uy6tcALW3k5AHlful6UnnQLM+lEBOBY+zHU++thE2w4Z+g5Rh8nM3IxSHcWAVaH/Dn70omIcpYapEcYpGcSg3ST2hcP0gcyNA4AWnuZ7K7Qe3jcgdYDOHxsJwDAWsQgnYg6S90nDpkIj91j8GkyJBeDdEHgGjYiojygBOlcwZZZDNJN6obzR+DR62tx9ZRhA3oe3+d2pHflVNaw6bAr/Xj7cdz8vzfjUDxIj3qdab8GEWUfZWhc3pS6A7kZpAPsSyciygNKTzqnu2cWg3STqhnixVdqh2HKiNKUn0OMiWg7LQ+O6z2THh8el+ZMeigWwj1v3YOWUAu8HRIA4PF9z6E1pF/vOxFlh7wbGgfkfpDOCe9ERDmLPenGYJCew9qbQxBFCVabBd7inplsZ7zcPZ1r2CRJwkP/fAg7T+9EibMEI6RBAIBPwgdx66u3oiPakbZrEVF2OdF+Asfaj8EqWDGlbIrRx8mMsB/wx4PYXA3SWe5ORJSzGKQbg0F6DmttUErdXRAsQo+vK5n08JEjkCKRtFzzb/v/hhfrXoRFsOCnF/4UjkAYgLyCbW/zXrx19K20XIeIso+SRT9r0Fnw2gc2FDNrNB+SP7pKAHeJkSdJvwKWuxMR5TquYDMGg/QcVn9ALi8fPLz34XO28nIIHg8QjSJ85Eharvn8Z88DAO6YfAdmlJ0HsV0egHfRhC8DAF47+FparkNE2Yel7jlGzaSz3J2IKFdxursxGKTnsON7WwAAVaNLev26IAhwxvelh/btG/D1ApEAtjduBwBcOfJKxNo6/2e+OB6kv3P0HQQigQFfi4iyiyRJ+LD+QwAcGpczWO5ORJTzlEx6Y7ARMTFm8GnyB4P0HBWLiag/IE9hrBpTkvB+rglnAQACH3444GtubdiKqBhFhbcCwwuHI9bSAgCweL04q+xsDC8Yjo5YB/5x7B8DvhYRZZePTn6EI21H4LQ6MbV8qtHHyZy8CNJZ7k5ElKvOKD4DBfYC+CN+7Dy90+jj5A0G6Tmq8XA7oqEYnF4bBlUm7v30XnghAKB9w1uQJGlA1/yg/gMAwPkV50MQBIg++U0Ca3ExBEHApTWXAmDJO1E++u2nvwUAfGXUV9TSubyQF0E6M+lERLnKbrHjgqoLAAAbj200+DT5g0F6jlJK3StHlfQ6NE7hveALEOx2RI4cQfjAwFaxKaWs51ecDwCItco98ZbiYgBQg3SWvBPllwOtB/D20bcBADdNuMng02RYXgTpjYAoGnsWIiLSzReHfREAg/RMYpCeo47XtQDou9QdAKwFXnjOl4Pq9g1vpXy99nA7Pj39KYCuQXo8k14k97JMGDQBwwqGoSPWgXeOvZPytYgou/z3zv8GAFw0/CLUFNcYe5hMEkWgJT7dPSeD9CHyRykGBJuNPQsREenmC1VfAADsaNyBlo4WYw+TJxik5yBJlHBCCdITDI3rquCiiwAA7W+9lfI1NzdsRkyKobqwGpUFlQA6M+nWeCadJe9E+aepownr960HANw88WaDT5Nh7SeBaAcgWIHi4UafJv2sdsBdKn/OknciopxV4a3AmNIxkCDh3ePvGn2cvMAgPQc1nfAjFIjC5rRiyIje1691VXDRbABAYPNmNbDW6v0T7wPozKIDQMynBOlF6m3zzpgHAPjH0X/gaNvRlK5FRPo74juCP+7+I57c9iR+v+v3eHn/y9jbvFfz7Ip1u9chFAthwuAJ+TXVHegsdS8eLge0uYhr2IiI8gJL3jPLFEH6E088gZqaGrhcLkyfPh0ffPBBn/f/05/+hPHjx8PlcmHSpEl4+eWXM3TS7KD2o48sgtXa/1+xo7oajlGjgFgM/k2bUrrm5/vRAUD8XCYdACYMnoApZVPQEevAkn8sQUSMpHQ9Ikq/iBjBb3b8Ble8cAUu/8vl+Mn7P8Evtv4CKz5YgSXvLMFX138VV/zlCvzHh/+BTxs/7Tdgf3n/y/jV9l8BAL4x4RsQhMTzMXJSLvejKzg8jogoL3yxSg7SNx3fBFHiHBK9GR6kr1u3DosWLcLy5cuxefNmnHPOOZg3bx4aGnp/V/7dd9/FDTfcgNtuuw1btmzB1VdfjauvvhqffPJJhk9uXmqQnkSpu0LJprelUPLeGmrF7qbdAIDzKs5Tb1d60i1FnUG6IAhYMWsFCh2F2N64HY9veVzz9Ygo/Q60HsDNL9+MRzc/isNth2Gz2HBexXm4dsy1+NIZX8K55efCYXHgSNsR/NfO/8L1L12Pr//96/jj7j/idPB0j+f7nz3/g6XvLEVUiuLLI7+My868zIA/lcHyKkjnGjYiolw2pWwKPDYPmjqasKtpl9HHyXmCNNC9WwM0ffp0nHfeeXj8cTlYE0UR1dXV+N73voelS5f2uP91110Hv9+Pv//97+ptM2bMQG1tLZ566ql+r+fz+VBcXIzW1lYUFRX1e3+jbP/wDezbuzelx578oAaxDgeqv7QTnvK2pB7j+Owkhv70VYheB5pvviCpx4iQ4IsGcSjUiM3th1BuL8LSM65Uv376L2+hY+8RVHznqyi9dHq3x77e9AkW7fsDAGDpiCtQbi8GEWVWSIriaKgJhzoa8Xrzp+gQIyi0uvD96n/BpYMmwWt1drt/IBbCu611eK35E7zRvBNhKQoAECDgbO8wnFtYg5ZoAIc7TmNzuzww7bqy6fjBiC/DIhj+nnDmffhr4MA/gEuWA7MWGX0afby0WP5zTrwGmPhVo09DREQ6umvv7/Bmyy58ZchUXFQ83ujj9HDR9Htgs7uMPkZCWuJQW4bO1KtwOIyPP/4Yy5YtU2+zWCyYO3cu3nvvvV4f895772HRou4vdubNm4cXX3yx1/uHQiGEQiH197747m6z2/j2Zkh156b8+JgQxf2tzyDWnlw5uUWQ8BsXUOAPY/CTbyd9naEARgGYAwBowTH8d4/7WHf8BmjpnjH/EoDrBpdiXVEhVh5+KenrEZF+pgc78NCpY6ioe7TXr3sAzI3/arFY8PcCL9YXeLHL6cAO/1Hs8HefM/GtllYsPPAnCO//Sfezm1ouZ9ILyuWPn/5F/kVERDlrZmEB3hwyCH9t3Iy/Nm42+jg9vF97m6mDdC0MDdIbGxsRi8VQXl7e7fby8nLs3r2718fU19f3ev/6+vpe779ixQo88MAD6TlwBhWXOHCkMPW95acHb8NkiwBIjuQeIABvXRLFOduimq5jlwAHBDghoBQWWNG959RWYIV32nDA0TOLthgSgmILjggxTdckovSwScAwWDFCsmEs7Jhld8JSNTKpx5YA+H/xXw3RGDYJIXwqhDFEsmIErBgr2TG6oArof3ZlbiuqBMbOM/oU+pn8NeDYR0CwxeiTEBGRzq6AiPfFFpwSzNmTLlgMDW3TKnf+JAksW7asW+bd5/OhurrawBMlZ/637jL6CLpzAfiJ0YcgogErA3BN/BflmdIa4MZ1Rp+CiIgywAtgjdGHyBOGBulDhgyB1WrFyZMnu91+8uRJVFRU9PqYiooKTfd3Op1wOp29fo2IiIiIiIjITAyd5ONwOHDuuefijTfeUG8TRRFvvPEGLrig9+FlF1xwQbf7A8Drr7+e8P5ERERERERE2cLwcvdFixbhG9/4BqZNm4bzzz8fjzzyCPx+P2699VYA+P/bu/+oLOv7j+OvGxXC3dzcIr9TEVM0A5nRYreetAUHIU+j0dQxT6l57GjYZJVn1Rrq1qK1086pTqfO3NlwZ01dzR+rk5ZTQSOgMBFNxwkOii7Q1KGAIgif/dGXa987UBk17gt5Ps65z7m5Ph+u+33d53U+F28u7gs98MADuvHGG5Wfny9JWrFihWbOnKkXXnhBs2fP1oYNG1ReXq7f/va3vjwMAAAAAAC+Mp836fPmzdPnn3+uvLw8NTQ06Jvf/Ka2b99u3Ryurq5Ofn7/ueA/bdo0/fnPf9bTTz+tp556ShMmTNCWLVsUHx/vq0MAAAAAAOBr4fP/k97fBsr/SQcAAAAAXB/+mz7Up59JBwAAAAAA/0GTDgAAAACATdCkAwAAAABgEzTpAAAAAADYBE06AAAAAAA2QZMOAAAAAIBN0KQDAAAAAGATNOkAAAAAANgETToAAAAAADZBkw4AAAAAgE3QpAMAAAAAYBM06QAAAAAA2ARNOgAAAAAANkGTDgAAAACATdCkAwAAAABgEzTpAAAAAADYBE06AAAAAAA2QZMOAAAAAIBN0KQDAAAAAGATNOkAAAAAANjEUF8X0N+MMZKk8+fP+7gSAAAAAMBg0NV/dvWjVzPomvSmpiZJ0ujRo31cCQAAAABgMGlqalJwcPBV5zhMb1r560hnZ6c+++wzBQUFyeFw+Lqcqzp//rxGjx6t48ePy+Vy+bocDCBkB31FdtBXZAdfBflBX5Ed9FV/Z8cYo6amJkVHR8vP7+qfOh90V9L9/Pw0atQoX5fxX3G5XCw66BOyg74iO+grsoOvgvygr8gO+qo/s3OtK+hduHEcAAAAAAA2QZMOAAAAAIBN0KTbWEBAgFatWqWAgABfl4IBhuygr8gO+ors4KsgP+grsoO+snN2Bt2N4wAAAAAAsCuupAMAAAAAYBM06QAAAAAA2ARNOgAAAAAANkGTDgAAAACATdCk29Qrr7yisWPH6oYbblBycrI+/PBDX5cEm1m9erUcDofXY9KkSdZ4a2urcnJyNHLkSDmdTt133306efKkDyuGL+3Zs0f33HOPoqOj5XA4tGXLFq9xY4zy8vIUFRWlwMBApaam6tNPP/Wac/bsWc2fP18ul0tut1uLFy9Wc3NzPx4FfOFa2Vm4cGG3tSg9Pd1rDtkZnPLz8/Wtb31LQUFBCg8P17333quqqiqvOb05V9XV1Wn27NkaPny4wsPDtXLlSl2+fLk/DwX9rDfZufPOO7utPUuXLvWaQ3YGn1dffVVTpkyRy+WSy+WSx+PRtm3brPGBsubQpNvQxo0b9eijj2rVqlX6+OOPlZiYqFmzZunUqVO+Lg02c8stt6i+vt56vP/++9bYj3/8Y7311lt64403VFRUpM8++0xZWVk+rBa+1NLSosTERL3yyis9jj///PN66aWX9Nprr6msrEzf+MY3NGvWLLW2tlpz5s+fr08++UQ7duzQ22+/rT179uihhx7qr0OAj1wrO5KUnp7utRatX7/ea5zsDE5FRUXKyclRaWmpduzYofb2dqWlpamlpcWac61zVUdHh2bPnq22tjZ98MEHWrdunQoKCpSXl+eLQ0I/6U12JGnJkiVea8/zzz9vjZGdwWnUqFF67rnntG/fPpWXl+uuu+5SZmamPvnkE0kDaM0xsJ3bb7/d5OTkWF93dHSY6Ohok5+f78OqYDerVq0yiYmJPY41NjaaYcOGmTfeeMPaduTIESPJlJSU9FOFsCtJZvPmzdbXnZ2dJjIy0vz617+2tjU2NpqAgACzfv16Y4wxhw8fNpLMRx99ZM3Ztm2bcTgc5p///Ge/1Q7f+nJ2jDFmwYIFJjMz84rfQ3bQ5dSpU0aSKSoqMsb07lz1zjvvGD8/P9PQ0GDNefXVV43L5TKXLl3q3wOAz3w5O8YYM3PmTLNixYorfg/ZQZcRI0aY3/3udwNqzeFKus20tbVp3759Sk1Ntbb5+fkpNTVVJSUlPqwMdvTpp58qOjpa48aN0/z581VXVydJ2rdvn9rb271yNGnSJI0ZM4YcoZva2lo1NDR45SU4OFjJyclWXkpKSuR2u3XbbbdZc1JTU+Xn56eysrJ+rxn2UlhYqPDwcE2cOFHLli3TmTNnrDGygy7nzp2TJIWEhEjq3bmqpKRECQkJioiIsObMmjVL58+ft66M4fr35ex0ef311xUaGqr4+Hg9+eSTunDhgjVGdtDR0aENGzaopaVFHo9nQK05Q/vtldArp0+fVkdHh1cwJCkiIkL/+Mc/fFQV7Cg5OVkFBQWaOHGi6uvrtWbNGt1xxx06dOiQGhoa5O/vL7fb7fU9ERERamho8E3BsK2uTPS07nSNNTQ0KDw83Gt86NChCgkJIVODXHp6urKyshQbG6uamho99dRTysjIUElJiYYMGUJ2IEnq7OxUbm6upk+frvj4eEnq1bmqoaGhx7WpawzXv56yI0k//OEPFRMTo+joaFVWVuonP/mJqqqqtGnTJklkZzA7ePCgPB6PWltb5XQ6tXnzZk2ePFkVFRUDZs2hSQcGqIyMDOv5lClTlJycrJiYGP3lL39RYGCgDysDMJj84Ac/sJ4nJCRoypQpuummm1RYWKiUlBQfVgY7ycnJ0aFDh7zunQL0xpWy8//va5GQkKCoqCilpKSopqZGN910U3+XCRuZOHGiKioqdO7cOb355ptasGCBioqKfF3Wf4U/d7eZ0NBQDRkypNtdBk+ePKnIyEgfVYWBwO12Ky4uTtXV1YqMjFRbW5saGxu95pAj9KQrE1dbdyIjI7vdvPLy5cs6e/YsmYKXcePGKTQ0VNXV1ZLIDqTly5fr7bff1u7duzVq1Chre2/OVZGRkT2uTV1juL5dKTs9SU5OliSvtYfsDE7+/v4aP368kpKSlJ+fr8TERL344osDas2hSbcZf39/JSUlaefOnda2zs5O7dy5Ux6Px4eVwe6am5tVU1OjqKgoJSUladiwYV45qqqqUl1dHTlCN7GxsYqMjPTKy/nz51VWVmblxePxqLGxUfv27bPm7Nq1S52dndYPRoAknThxQmfOnFFUVJQksjOYGWO0fPlybd68Wbt27VJsbKzXeG/OVR6PRwcPHvT6Rc+OHTvkcrk0efLk/jkQ9LtrZacnFRUVkuS19pAdSF/0UpcuXRpYa06/3aIOvbZhwwYTEBBgCgoKzOHDh81DDz1k3G63110Ggccee8wUFhaa2tpaU1xcbFJTU01oaKg5deqUMcaYpUuXmjFjxphdu3aZ8vJy4/F4jMfj8XHV8JWmpiazf/9+s3//fiPJ/OY3vzH79+83x44dM8YY89xzzxm32222bt1qKisrTWZmpomNjTUXL1609pGenm6mTp1qysrKzPvvv28mTJhgsrOzfXVI6CdXy05TU5N5/PHHTUlJiamtrTV///vfza233momTJhgWltbrX2QncFp2bJlJjg42BQWFpr6+nrrceHCBWvOtc5Vly9fNvHx8SYtLc1UVFSY7du3m7CwMPPkk0/64pDQT66VnerqavPzn//clJeXm9raWrN161Yzbtw4M2PGDGsfZGdweuKJJ0xRUZGpra01lZWV5oknnjAOh8O89957xpiBs+bQpNvUyy+/bMaMGWP8/f3N7bffbkpLS31dEmxm3rx5Jioqyvj7+5sbb7zRzJs3z1RXV1vjFy9eNA8//LAZMWKEGT58uPne975n6uvrfVgxfGn37t1GUrfHggULjDFf/Bu2n/3sZyYiIsIEBASYlJQUU1VV5bWPM2fOmOzsbON0Oo3L5TKLFi0yTU1NPjga9KerZefChQsmLS3NhIWFmWHDhpmYmBizZMmSbr9UJjuDU0+5kWT+8Ic/WHN6c646evSoycjIMIGBgSY0NNQ89thjpr29vZ+PBv3pWtmpq6szM2bMMCEhISYgIMCMHz/erFy50pw7d85rP2Rn8HnwwQdNTEyM8ff3N2FhYSYlJcVq0I0ZOGuOwxhj+u+6PQAAAAAAuBI+kw4AAAAAgE3QpAMAAAAAYBM06QAAAAAA2ARNOgAAAAAANkGTDgAAAACATdCkAwAAAABgEzTpAAAAAADYBE06AAAAAAA2QZMOAMAAtXDhQt17772+LgMAAHyNaNIBALAhh8Nx1cfq1av14osvqqCgwCf1rV27VomJiXI6nXK73Zo6dary8/OtcX6BAABA3wz1dQEAAKC7+vp66/nGjRuVl5enqqoqa5vT6ZTT6fRFafr973+v3NxcvfTSS5o5c6YuXbqkyspKHTp0yCf1AABwPeFKOgAANhQZGWk9goOD5XA4vLY5nc5uV6vvvPNOPfLII8rNzdWIESMUERGhtWvXqqWlRYsWLVJQUJDGjx+vbdu2eb3WoUOHlJGRIafTqYiICN1///06ffr0FWv729/+prlz52rx4sUaP368brnlFmVnZ+uXv/ylJGn16tVat26dtm7dal35LywslCQdP35cc+fOldvtVkhIiDIzM3X06FFr313HtGbNGoWFhcnlcmnp0qVqa2uz5rz55ptKSEhQYGCgRo4cqdTUVLW0tHz1Nx0AABugSQcA4Dqybt06hYaG6sMPP9QjjzyiZcuWac6cOZo2bZo+/vhjpaWl6f7779eFCxckSY2Njbrrrrs0depUlZeXa/v27Tp58qTmzp17xdeIjIxUaWmpjh071uP4448/rrlz5yo9PV319fWqr6/XtGnT1N7erlmzZikoKEh79+5VcXGxnE6n0tPTvZrwnTt36siRIyosLNT69eu1adMmrVmzRtIXf2GQnZ2tBx980JqTlZUlY8zX+C4CAOA7DsNZDQAAWysoKFBubq4aGxu9ti9cuFCNjY3asmWLpC+upHd0dGjv3r2SpI6ODgUHBysrK0t//OMfJUkNDQ2KiopSSUmJvv3tb+uZZ57R3r179e6771r7PXHihEaPHq2qqirFxcV1q6e+vl5ZWVkqLS1VXFycPB6P7r77bn3/+9+Xn59fj7VJ0p/+9Cc988wzOnLkiBwOhySpra1NbrdbW7ZsUVpamhYuXKi33npLx48f1/DhwyVJr732mlauXKlz586poqJCSUlJOnr0qGJiYr6W9xcAADvhSjoAANeRKVOmWM+HDBmikSNHKiEhwdoWEREhSTp16pQk6cCBA9q9e7f1GXen06lJkyZJkmpqanp8ja4m/+DBg1qxYoUuX76sBQsWKD09XZ2dnVes7cCBA6qurlZQUJD1WiEhIWptbfV6rcTERKtBlySPx6Pm5mYdP35ciYmJSklJUUJCgubMmaO1a9fqX//6Vx/eKQAA7IkbxwEAcB0ZNmyY19cOh8NrW9cV7K5murm5Wffcc49+9atfddtXVFTUVV8rPj5e8fHxevjhh7V06VLdcccdKioq0ne+850e5zc3NyspKUmvv/56t7GwsLCrH9j/GTJkiHbs2KEPPvhA7733nl5++WX99Kc/VVlZmWJjY3u1DwAA7IwmHQCAQezWW2/VX//6V40dO1ZDh/b9x4LJkydLknUDN39/f3V0dHR7rY0bNyo8PFwul+uK+zpw4IAuXryowMBASVJpaamcTqdGjx4t6YtfNEyfPl3Tp09XXl6eYmJitHnzZj366KN9rh8AALvgz90BABjEcnJydPbsWWVnZ+ujjz5STU2N3n33XS1atKhbk91l2bJl+sUvfqHi4mIdO3ZMpaWleuCBBxQWFiaPxyNJGjt2rCorK1VVVaXTp0+rvb1d8+fPV2hoqDIzM7V3717V1taqsLBQP/rRj3TixAlr/21tbVq8eLEOHz6sd955R6tWrdLy5cvl5+ensrIyPfvssyovL1ddXZ02bdqkzz//XDfffHO/vF8AAPyv0aQDADCIRUdHq7i4WB0dHUpLS1NCQoJyc3Pldrutm8B9WWpqqkpLSzVnzhzFxcXpvvvu0w033KCdO3dq5MiRkqQlS5Zo4sSJuu222xQWFqbi4mINHz5ce/bs0ZgxY5SVlaWbb75ZixcvVmtrq9eV9ZSUFE2YMEEzZszQvHnz9N3vflerV6+WJLlcLu3Zs0d333234uLi9PTTT+uFF15QRkbG//y9AgCgP3B3dwAAYBs93RUeAIDBhCvpAAAAAADYBE06AAAAAAA2wZ+7AwAAAABgE1xJBwAAAADAJmjSAQAAAACwCZp0AAAAAABsgiYdAAAAAACboEkHAAAAAMAmaNIBAAAAALAJmnQAAAAAAGyCJh0AAAAAAJv4N4ihjw2b/FpZAAAAAElFTkSuQmCC", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA+kAAAK9CAYAAABYVS0qAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjYuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8o6BhiAAAACXBIWXMAAA9hAAAPYQGoP6dpAAEAAElEQVR4nOzdd3hU1dbH8e/MpIcUSkISEnroJRRBQKoIAmKv4FWsWDCi4kVERREFFBS96FWvAhZ8xYKIDSwUFRAVCL0FQugkkEZ6mfP+MU4gEiAJSc4k+X2eZ545OXPKmiSUNXvttS2GYRiIiIiIiIiIiOmsZgcgIiIiIiIiIg5K0kVERERERERchJJ0ERERERERERehJF1ERERERETERShJFxEREREREXERStJFREREREREXISSdBEREREREREXoSRdRERERERExEUoSRcRERERERFxEUrSRUTEdPn5+fz73/8mIiICq9XK1VdfXW7XXrFiBRaLhRUrVpz32H79+tGvX79yvWZV0rhxY0aNGlWh9yjp97gmsVgsPPvss4Vfz5s3D4vFwr59+0yLqawq43dIRKS6U5IuImIC53/CnQ8vLy9atGjBmDFjOHbsWJFj9+3bxx133EGzZs3w8vIiJCSEPn36MGnSpGKvdbZH48aNAXj22WexWCwcP3682NgaN27MFVdcUaHv/5/mzJnDyy+/zPXXX8/777/PI488ctZj+/XrR7t27Yp9bd++fVgsFmbMmFFRoZruXO//+PHjZyR8F2Lbtm08++yzVSJZ3LNnD6NHj6Zp06Z4eXnh7+9Pr169eO2118jKyjI7PJfy3XffldvvyPk4P9ByPmw2G8HBwVx//fVs3779jONHjRqFxWKhQ4cOGIZxxusWi4UxY8YUfu38M2+xWPjiiy/OOP58f9+JiLgiN7MDEBGpySZPnkyTJk3Izs7mt99+47///S/fffcdW7ZswcfHh9jYWC666CK8vb258847ady4MUeOHGH9+vVMnz6d5557jj59+vDhhx8Wue7dd99Nt27duPfeewv31apVq7LfXoktW7aMBg0a8Oqrr5b7tfv06UNWVhYeHh7lfu3qZufOnVitpz6/37ZtG8899xz9+vUr/JDnQv3www/lcp3Tffvtt9xwww14enpy22230a5dO3Jzc/ntt994/PHH2bp1K++8806537ei/Otf/+Lmm2/G09OzQq7/3Xff8cYbb1Raog4QHR3NRRddRF5eHps2beKtt95ixYoVbNmyhZCQkDOO37x5MwsXLuS6664r8T0mT57Mtddei8ViKc/QRUQqnZJ0ERETDRkyhK5duwKOxLpu3bq88sorfPXVV9xyyy28+uqrpKenExMTQ6NGjYqcm5CQAEDTpk1p2rRpkdfuu+8+mjZtyq233lo5b+QCJSQkEBgYWCHXtlqteHl5Vci1q5uKSgpPV94flsTFxXHzzTfTqFEjli1bRmhoaOFrDz74ILGxsXz77bfles+KZrPZsNlsZodRrnr37s31119f+HXLli25//77+eCDD/j3v/9d5Fhvb28iIiJKlXRHRUURExPDl19+ybXXXlvu8YuIVCaVu4uIuJABAwYAjsQDHCW84eHhZyToAMHBwZUW1yeffEKXLl3w8/PD39+f9u3b89prr533vIyMDB577DEiIiLw9PSkZcuWzJgxo7CM1Vmqunz5crZu3VpYtlqec73PNn/8nXfeoVmzZnh7e9OtWzd+/fXXYs8/ePAgV199Nb6+vgQHB/PII4+Qk5NT7LFr167l8ssvJyAgAB8fH/r27cuqVauKHOMsv42NjWXUqFEEBgYSEBDAHXfcQWZmZrm857Le7/T5xPPmzeOGG24AoH///mf8bP766y8GDx5MvXr18Pb2pkmTJtx5553njeefc9KdP59PP/2UF154gfDwcLy8vLj00kuJjY097/Veeukl0tPTee+994ok6E7Nmzfn4YcfLvw6Pz+f559/nmbNmuHp6Unjxo158sknz/iZOqd9rFixgq5du+Lt7U379u0L3//ChQtp3749Xl5edOnShQ0bNhQ5f9SoUdSqVYu9e/cyePBgfH19CQsLY/LkycWWcZ/ubHPSv//+e/r27Vv45/Ciiy7i448/Lnz9119/5YYbbqBhw4Z4enoSERHBI488UqTcf9SoUbzxxhsARcrQnex2O7NmzaJt27Z4eXlRv359Ro8eTXJycpFYDMNgypQphIeH4+PjQ//+/dm6des539fpevfuDTj+jvsnq9XKU089xaZNm/jyyy9LdL2bb76ZFi1alOj7KyLi6jSSLiLiQpz/Ya1bty4AjRo14qeffmLZsmWFCXx5SUpKKna/3W4v8vWPP/7ILbfcwqWXXsr06dMB2L59O6tWrSqS/PyTYRhceeWVLF++nLvuuouoqCiWLl3K448/zqFDh3j11VcJCgriww8/5IUXXiA9PZ2pU6cC0Lp163PGXlBQUOwc038mEmfz3nvvMXr0aHr27MnYsWPZu3cvV155JXXq1CEiIqLwuKysLC699FL2799PdHQ0YWFhfPjhhyxbtuyMay5btowhQ4bQpUsXJk2ahNVqZe7cuQwYMIBff/2Vbt26FTn+xhtvpEmTJkydOpX169fz7rvvEhwcXPg9Lm+lvV+fPn2Ijo7m9ddf58knnyz8mbRu3ZqEhAQGDRpEUFAQTzzxBIGBgezbt4+FCxeWOb5p06ZhtVoZN24cqampvPTSS4wcOZK1a9ee87yvv/6apk2b0rNnzxLd5+677+b999/n+uuv57HHHmPt2rVMnTqV7du3n5EQxsbGMmLECEaPHs2tt97KjBkzGD58OG+99RZPPvkkDzzwAABTp07lxhtvPGO6QEFBAZdffjkXX3wxL730EkuWLGHSpEnk5+czefLkUn1/5s2bx5133knbtm2ZMGECgYGBbNiwgSVLljBixAgAPvvsMzIzM7n//vupW7cuf/zxB//5z384ePAgn332GQCjR4/m8OHD/Pjjj2dMk3G+Pm/ePO644w6io6OJi4tj9uzZbNiwgVWrVuHu7g7AM888w5QpUxg6dChDhw5l/fr1DBo0iNzc3BK9H+cHELVr1y729REjRvD8888zefJkrrnmmvOOpttsNp566iluu+02jaaLSNVniIhIpZs7d64BGD/99JORmJhoHDhwwPjkk0+MunXrGt7e3sbBgwcNwzCMLVu2GN7e3gZgREVFGQ8//LCxaNEiIyMj45zX9/X1NW6//fZiX5s0aZIBnPMxbNiwwuMffvhhw9/f38jPzy/Ve1y0aJEBGFOmTCmy//rrrzcsFosRGxtbuK9v375G27ZtS3Tdvn37njf+l19+ufD45cuXG4CxfPlywzAMIzc31wgODjaioqKMnJycwuPeeecdAzD69u1buG/WrFkGYHz66aeF+zIyMozmzZsXuabdbjciIyONwYMHG3a7vfDYzMxMo0mTJsZll11WuM/5/b/zzjuLvK9rrrnGqFu3bone/9m+V4mJiQZgTJo0qUz3a9SoUZHfm88++6zI+3T68ssvDcD4888/zxtvcfGf/j12/nxat25d5Ofx2muvGYCxefPms14rNTXVAIyrrrqqRPeOiYkxAOPuu+8usn/cuHEGYCxbtqxwX6NGjQzAWL16deG+pUuXGoDh7e1txMfHF+5/++23z/g+3X777QZgPPTQQ4X77Ha7MWzYMMPDw8NITEws3P/Pn5nz74e4uDjDMAwjJSXF8PPzM7p3725kZWUVif2fv2//NHXqVMNisRSJ98EHHzSK+y/gr7/+agDG/Pnzi+xfsmRJkf0JCQmGh4eHMWzYsCL3f/LJJw2gyO+Q8+c7Z84cIzEx0Th8+LCxZMkSo3nz5obFYjH++OOPIve6/fbbDV9fX8MwDOP99983AGPhwoVFvlcPPvhg4ddxcXGFf+bz8/ONyMhIo2PHjoVxOX//T/9+i4i4OpW7i4iYaODAgQQFBREREcHNN99MrVq1+PLLL2nQoAEAbdu2JSYmhltvvZV9+/bx2muvcfXVV1O/fn3+97//XdC9v/jiC3788cczHvXr1y9yXGBgIBkZGfz444+luv53332HzWYjOjq6yP7HHnsMwzD4/vvvyxx748aNi439o48+Ou+5f/31FwkJCdx3331F5kePGjWKgICAM95DaGhokbm0Pj4+RRryAcTExLB7925GjBjBiRMnOH78OMePHycjI4NLL72UX3755YwKhfvuu6/I17179+bEiROkpaWV+PtQGuV5P2f/gG+++Ya8vLzyCI877rijyM/DWQ69d+/es57jjN3Pz69E9/juu+8AePTRR4vsf+yxxwDOmLvepk0bevToUfh19+7dAce0lIYNG56xv7hYT+9E7uxMnpuby08//VSimMFRzXLy5EmeeOKJM/ornD7C7O3tXbidkZHB8ePH6dmzJ4ZhnFGOX5zPPvuMgIAALrvsssLf4ePHj9OlSxdq1arF8uXLAfjpp5/Izc3loYceKnL/sWPHnvXad955J0FBQYSFhXH55ZeTmprKhx9+yEUXXXTWc0aOHElkZGSJS9ido+kbN25k0aJF5z1eRMRVqdxdRMREb7zxBi1atMDNzY369evTsmXLIuWyAC1atODDDz+koKCAbdu28c033/DSSy9x77330qRJEwYOHFime/fp04d69eqdsf+fScADDzzAp59+ypAhQ2jQoAGDBg3ixhtv5PLLLz/n9ePj4wkLCzsjgXKWTcfHx5cpbgBfX99i33dJlgpz3jcyMrLIfnd39zMa8MXHx9O8efMzSm1btmxZ5Ovdu3cDcPvtt5/1vqmpqUVKe09P8uBU2W9ycjL+/v7nfR/nUlxpcHner2/fvlx33XU899xzvPrqq/Tr14+rr76aESNGlLn53LniOxtn3CdPnizRPeLj47FarTRv3rzI/pCQEAIDA8/4nfxnTM4PcU6fEnH6/n/GarVaz/idatGiBVCy31Un5zSYsy2957R//36eeeYZFi9efEYsqamp573P7t27SU1NPWu/C2ezyrP9GQoKCjpr+fozzzxD7969SU9P58svv+STTz454++6f3Im3bfffjuLFi3immuuOe97GDlyZGGZ/NVXX33e40VEXJGSdBERE3Xr1q2wu/v52Gw22rdvT/v27enRowf9+/dn/vz5ZU7SSyo4OJiYmBiWLl3K999/z/fff8/cuXO57bbbeP/99yv03lWFc5T85ZdfJioqqthj/rkE3tm6d59vxNDLy+us6347G8EV182+rPcrjsVi4fPPP+f333/n66+/ZunSpdx5553MnDmT33//vUzL/ZUlPn9/f8LCwtiyZUup7lXSJbrOFlN5fi/LS0FBAZdddhlJSUmMHz+eVq1a4evry6FDhxg1atQZlRzFsdvtBAcHM3/+/GJfDwoKKnN87du3L/y76uqrryYzM5N77rmHSy655IwPPU5X2qTbmdiPGjWKr776qszxioiYSeXuIiJVkDOxP3LkSKXcz8PDg+HDh/Pmm2+yZ88eRo8ezQcffHDO7tuNGjXi8OHDZ4xy7tixo/B1Mzjv6xz9dsrLyyvsqn/6sXv27Dkj+dq5c2eRr5s1awY4ksaBAwcW+3A23CqP+A8cOFBsou6Mq7y+t+dLZi+++GJeeOEF/vrrL+bPn8/WrVv55JNPyuXeJXXFFVewZ88e1qxZc95jGzVqhN1uP+Nnf+zYMVJSUsr9d9Jut59RAr9r1y6AUq077/z9OteHEZs3b2bXrl3MnDmT8ePHc9VVVzFw4EDCwsLOOPZsP9dmzZpx4sQJevXqVezvcMeOHYGz/xlKTEwscfPGadOmkZ2dzQsvvHDO45xJd0xMTImT7ltvvZXmzZvz3HPPqdO7iFRJStJFRFzYr7/+WuycX+fc2n+WXVeEEydOFPnaarXSoUMHgLMuRQYwdOhQCgoKmD17dpH9r776KhaLhSFDhpR/sCXQtWtXgoKCeOutt4p0op43bx4pKSlFjh06dCiHDx/m888/L9yXmZnJO++8U+S4Ll260KxZM2bMmEF6evoZ90xMTCy3+IcOHUpeXh5vv/12kf12u53//ve/eHh4cOmll5bLvXx9fQHO+L4kJyefkfw4KwjO9TtREf7973/j6+vL3XffzbFjx854fc+ePYXLBQ4dOhSAWbNmFTnmlVdeAWDYsGHlHt/pv/+GYTB79mzc3d1L9TMaNGgQfn5+TJ06lezs7CKvOX8OztH9038uhmEUu1Ti2X6uN954IwUFBTz//PNnnJOfn194vPNDp//85z9F7vfP7+u5NGvWjOuuu4558+Zx9OjRcx57etJdEqcn9osXLy5xTCIirkLl7iIiLmz69OmsW7eOa6+9tjAxXr9+PR988AF16tQ5Z6Om8nL33XeTlJTEgAEDCA8PJz4+nv/85z9ERUWdc6m04cOH079/fyZOnMi+ffvo2LEjP/zwA1999RVjx44tHB2sbO7u7kyZMoXRo0czYMAAbrrpJuLi4pg7d+4Z84fvueceZs+ezW233ca6desIDQ3lww8/xMfHp8hxVquVd999lyFDhtC2bVvuuOMOGjRowKFDh1i+fDn+/v58/fXX5RL/8OHDGTRoEI888gh//PEHPXv2JDMzk8WLF7Nq1SqmTJlyQWXJp4uKisJmszF9+nRSU1Px9PRkwIABfPzxx7z55ptcc801NGvWjJMnT/K///0Pf3//wkS4sjRr1oyPP/6Ym266idatW3PbbbfRrl07cnNzWb16NZ999lnh2u8dO3bk9ttv55133iElJYW+ffvyxx9/8P7773P11VfTv3//co3Ny8uLJUuWcPvtt9O9e3e+//57vv32W5588slS/Yz8/f159dVXufvuu7nooosYMWIEtWvXZuPGjWRmZvL+++/TqlUrmjVrxrhx4zh06BD+/v588cUXxY5sd+nSBYDo6GgGDx6MzWbj5ptvpm/fvowePZqpU6cSExPDoEGDcHd3Z/fu3Xz22We89tprXH/99QQFBTFu3DimTp3KFVdcwdChQ9mwYQPff/99sX0uzubxxx/n008/ZdasWUybNu2sx9lsNiZOnMgdd9xR4ms7y+RjYmJKfI6IiKtQki4i4sKefPJJPv74Y1auXMn8+fPJzMwkNDSUm2++maeffpomTZpUeAy33nor77zzDm+++SYpKSmEhIRw00038eyzz56z8ZPVamXx4sU888wzLFiwgLlz59K4cWNefvnlwm7aZrn33nspKCjg5Zdf5vHHH6d9+/YsXryYp59+ushxPj4+/Pzzzzz00EP85z//wcfHh5EjRzJkyJAzGuf169ePNWvW8PzzzzN79mzS09MJCQmhe/fujB49utxid35fp02bxieffMLChQtxc3Ojffv2fPTRR4wcObLc7hUSEsJbb73F1KlTueuuuygoKGD58uWFye0nn3zCsWPHCAgIoFu3bsyfP79Sfif/6corr2TTpk28/PLLfPXVV/z3v//F09OTDh06MHPmTO65557CY999912aNm3KvHnz+PLLLwkJCWHChAlMmjSp3OOy2WwsWbKE+++/n8cffxw/Pz8mTZrEM888U+pr3XXXXQQHBzNt2jSef/553N3dadWqFY888gjg+PDp66+/Jjo6mqlTp+Ll5cU111zDmDFjCsvUna699loeeughPvnkEz766CMMw+Dmm28G4K233qJLly68/fbbPPnkk7i5udG4cWNuvfVWevXqVXiNKVOm4OXlxVtvvcXy5cvp3r07P/zwQ6mqEbp27Uq/fv3473//y4QJE85YXeF0t956K1OmTClsonc+bm5uPPXUU6VK7EVEXIXF0GQdERERkXI1atQoPv/882KnP4iIiJyL5qSLiIiIiIiIuAgl6SIiIiIiIiIuQkm6iIiIiIiIiIvQnHQRERERERERF6GRdBEREREREREXoSRdRERERERExEXUuHXS7XY7hw8fxs/PD4vFYnY4IiIiIiIiUs0ZhsHJkycJCwvDaj33WHmNS9IPHz5MRESE2WGIiIiIiIhIDXPgwAHCw8PPeUyNS9L9/PwAxzfH39/f5GhERERERESkuktLSyMiIqIwHz2XGpekO0vc/f39laSLiIiIiIhIpSnJlGs1jhMRERERERFxEUrSRURERERERFyEknQRERERERERF1Hj5qSLiIiIiIi4qoKCAvLy8swOQ8rA3d0dm812wddRki4iIiIiIuIC0tPTOXjwIIZhmB2KlIHFYiE8PJxatWpd0HWUpIuIiIiIiJisoKCAgwcP4uPjQ1BQUIm6gIvrMAyDxMREDh48SGRk5AWNqCtJFxERERERMVleXh6GYRAUFIS3t7fZ4UgZBAUFsW/fPvLy8i4oSVfjOBERERERERehEfSqq7x+dkrSRURERERERFyEknQRERERERERF6EkXURERERERMRFKEkXERERERGRMhk1ahQWi4Vp06YV2b9o0aIqP7/+nXfeoV+/fvj7+2OxWEhJSamU+ypJFxERERERkTLz8vJi+vTpJCcnV/q98/LyKuzamZmZXH755Tz55JMVdo/iKEkXERERERFxMYZhkJmbb8rDMIxSxTpw4EBCQkKYOnXqOY/77bff6N27N97e3kRERBAdHU1GRkbh6xaLhUWLFhU5JzAwkHnz5gGwb98+LBYLCxYsoG/fvnh5eTF//nzsdjuTJ08mPDwcT09PoqKiWLJkSeE1nOctXLiQ/v374+PjQ8eOHVmzZs054x07dixPPPEEF198cam+HxdK66SLiIiIiIi4mKy8Ato8s9SUe2+bPBgfj5KnijabjRdffJERI0YQHR1NeHj4Gcfs2bOHyy+/nClTpjBnzhwSExMZM2YMY8aMYe7cuaWK74knnmDmzJl06tQJLy8vXnvtNWbOnMnbb79Np06dmDNnDldeeSVbt24lMjKy8LyJEycyY8YMIiMjmThxIrfccguxsbG4ublWWqyRdBEREREREbkg11xzDVFRUUyaNKnY16dOncrIkSMZO3YskZGR9OzZk9dff50PPviA7OzsUt1r7NixXHvttTRp0oTQ0FBmzJjB+PHjufnmm2nZsiXTp08nKiqKWbNmFTlv3LhxDBs2jBYtWvDcc88RHx9PbGxsWd9yhXGtjwxEREREREQEb3cb2yYPNu3eZTF9+nQGDBjAuHHjznht48aNbNq0ifnz5xfuMwwDu91OXFwcrVu3LvF9unbtWridlpbG4cOH6dWrV5FjevXqxcaNG4vs69ChQ+F2aGgoAAkJCbRq1arE964MStJFRERERERcjMViKVXJuSvo06cPgwcPZsKECYwaNarIa+np6YwePZro6OgzzmvYsCHgeM//nA9fXGM4X1/fMsXn7u5euO3sPG+328t0rYpkarn7L7/8wvDhwwkLCyu2SUBxVqxYQefOnfH09KR58+aFTQRERERERETEXNOmTePrr78+oylb586d2bZtG82bNz/j4eHhAUBQUBBHjhwpPGf37t1kZmae837+/v6EhYWxatWqIvtXrVpFmzZtyuldVS5Tk/SMjAw6duzIG2+8UaLj4+LiGDZsGP379ycmJoaxY8dy9913s3SpOQ0VRERERERE5JT27dszcuRIXn/99SL7x48fz+rVqxkzZgwxMTHs3r2br776ijFjxhQeM2DAAGbPns2GDRv466+/uO+++4qMfp/N448/zvTp01mwYAE7d+7kiSeeICYmhocffviC3svRo0eJiYkpnLe+efNmYmJiSEpKuqDrno+p9RNDhgxhyJAhJT7+rbfeokmTJsycOROA1q1b89tvv/Hqq68yeLA58zVERERERETklMmTJ7NgwYIi+zp06MDKlSuZOHEivXv3xjAMmjVrxk033VR4zMyZM7njjjvo3bs3YWFhvPbaa6xbt+6894uOjiY1NZXHHnuMhIQE2rRpw+LFi4t0di+Lt956i+eee67w6z59+gAwd+7cM8r5y5PFKO0ieBXEYrHw5ZdfcvXVV5/1mD59+tC5c+ciXfrmzp3L2LFjSU1NLfacnJwccnJyCr9OS0sjIiKC1NRU/P39yyt8ERERERGRMsvOziYuLo4mTZrg5eVldjhSBuf6GaalpREQEFCiPLRKLcF29OhR6tevX2Rf/fr1SUtLIysrq9hzpk6dSkBAQOEjIiKiMkIVERERERERKbWq1S6wDCZMmMCjjz5a+LVzJF1ERETMU2AvILsgm9yC3FMPey45BTnkFuSSZ88jtyAXA6Ow069B0eK/s+13smAp+rXFUuxxJTn2jNdP//ofly3NtUoTY0Vxs7phs9iKfXZu26x/f21xw2a1OfZZbKbEKyJS3VWpJD0kJIRjx44V2Xfs2DH8/f3x9vYu9hxPT088PT0rIzwREZEayzAMkrKTSMhMIDEr0fGcmUhCVgJJWUmk5aZxMvdk4XN6XrrZIUs5cCbtHjYPPG2eeNo8C7c9bB542byKfO1p88TL5kUtj1r4uvvi6+5LLfda+Lj7UMv91L46XnXw9/DXhwAiUiNVqSS9R48efPfdd0X2/fjjj/To0cOkiERERGoWwzA4ePIgsSmx7E3dS1xqXOHjZN7JMl3TzeKGh83j1MPqSObcbe6FI83OZK3w67PsL4zztNH1f7bfKfLaWUbni1Mh1zTOfl5lsBt27IadfHs++UY+BfYCCowCCuwF5Bv55NvzKTAKsBvFryOcb+STX5BPTkEOJynbz/9s3Kxu1PGqQ12vutTxrkOQdxBhtcIIrxVOhF8EzQKb4efhV673FBFxBaYm6enp6YXt7MGxxFpMTAx16tShYcOGTJgwgUOHDvHBBx8AcN999zF79mz+/e9/c+edd7Js2TI+/fRTvv32W7PegoiISLVmN+zsTNrJ6sOr2ZCwgU2Jm0jOSS72WAsW6njVIdgnmGCfYIJ8ggj2Dqaud138Pfzx8/ArfPbz8MPH3QcPqwc2q62S35WUlt2wU2AUOJL2vxN5ZwKfb88vnKaQU5BTZPv0fc5HVn4WGXkZRR7peelk5mWSnpdOem466Xnp5NvzSchMICEz4axx1fepT6s6rYgKjiIqKIr2Qe3xtKmCUkSqNlOT9L/++ov+/fsXfu2cO3777bczb948jhw5wv79+wtfb9KkCd9++y2PPPIIr732GuHh4bz77rtafk1ERKQcFdgL+OPoH3wX9x2/HPyFpOyi68F6WD1oGtiUJgFNaBpw6rmRfyM8bB4mRS0VyWqxYrVYcbeef73i8pBbkEtSdhInsk5wIvsEJ7JOkJiVyKH0Qxw6eYh9afs4lnms8LHy4EoAvN28uaTBJfSP6E//iP7U8qhVKfGKiJQnl1mCrbKUpvW9iIhITXI04yif7PiExXsWk5iVWLjf282b7qHd6RbSjY5BHWlVp5WScTFdWm4ae1L2sOX4FjYkbGBDwgaOZx0vfN3HzYerm1/NiNYjaOTfyMRIRUpGS7BVfeW1BJuSdBERkRouNjmW97a8x5K4JeQb+QAEeAYwqNEgBjceTOfgzrjbKmcEVaSsDMNge9J2lu1fxtJ9S9mXtg9wTMMY0mQIj3R5hBDfEHODFDkHJelVX3kl6VWqcZyIiIiUn4TMBN6IeYNFsYsKG4N1rd+VW1vfSp/wPkrMpUqxWCy0qduGNnXb8GDUg6w5sob52+fzy8Ff+C7uO5YfWM5d7e5iVLtRmrcuIi5NSbqIiEgNU2Av4INtH/Dfjf8lKz8LgMsaXcZd7e+ibd22JkcncuEsFgs9w3rSM6wn205sY9of09iQsIHZMbNZdmAZr/R7hQa1GpgdpohIsaxmByAiIiKV58DJA9y59E5eWfcKWflZdAzqyIdDPuSVfq8oQZdqqU3dNrx/+ftM7z2dQM9Atp3Yxk3f3MSqQ6vMDk2kWhg1ahQWi4Vp06YV2b9o0aLCZTKroqSkJB566CFatmyJt7c3DRs2JDo6mtTU1Aq/t5J0ERGRGmLJviVct/g61iesx8fNh2d7PMuHQz4kKjjK7NBEKpTFYmFo06F8esWntKvbjtScVO7/6X4W7l5odmgi1YKXlxfTp08nObn4JTorUl5eXoVc9/Dhwxw+fJgZM2awZcsW5s2bx5IlS7jrrrsq5H6nU5IuIiJSzRmGwTub3uHxlY+TlZ9Fl/pd+OLKL7iuxXVVepRDpLRCa4Xy/pD3uS7yOgwMnl39LN/HfW92WCLFMwzIzTDnUcre4gMHDiQkJISpU6ee87jffvuN3r174+3tTUREBNHR0WRkZBS+brFYWLRoUZFzAgMDmTdvHgD79u3DYrGwYMEC+vbti5eXF/Pnz8dutzN58mTCw8Px9PQkKiqKJUuWFF7Ded7ChQvp378/Pj4+dOzYkTVr1pw11nbt2vHFF18wfPhwmjVrxoABA3jhhRf4+uuvyc/PL9X3p7Q0J11ERKQayyvI49k1z7J4z2IA/tXmXzzW5TFsVpvJkYmYw8PmwaQek3CzurFg5wKe/PVJvN286RfRz+zQRIrKy4QXw8y595OHwcO3xIfbbDZefPFFRowYQXR0NOHh4Wccs2fPHi6//HKmTJnCnDlzSExMZMyYMYwZM4a5c+eWKrwnnniCmTNn0qlTJ7y8vHjttdeYOXMmb7/9Np06dWLOnDlceeWVbN26lcjIyMLzJk6cyIwZM4iMjGTixInccsstxMbG4uZWsrTY2Zm9pMeXlUbSRUREqqkCewFP/PoEi/csxmax8VT3p/j3Rf9Wgi41nsVi4cnuTzK86XDyjXweW/EYW45vMTsskSrtmmuuISoqikmTJhX7+tSpUxk5ciRjx44lMjKSnj178vrrr/PBBx+QnZ1dqnuNHTuWa6+9liZNmhAaGsqMGTMYP348N998My1btmT69OlERUUxa9asIueNGzeOYcOG0aJFC5577jni4+OJjY0t0T2PHz/O888/z7333luqWMtCI+kiIiLVkN2w89ya5/gh/gfcrG681v81+oT3MTssEZdhtViZ3GsyJ3NPsuLgCib8OoFPh3+Kt5u32aGJOLj7OEa0zbp3GUyfPp0BAwYwbty4M17buHEjmzZtYv78+YX7DMPAbrcTFxdH69atS3yfrl27Fm6npaVx+PBhevXqVeSYXr16sXHjxiL7OnToULgdGhoKQEJCAq1atTrn/dLS0hg2bBht2rTh2WefLXGcZaUkXUREpJoxDIOX/3yZL2O/xGqx8lKfl5SgixTDzerGlEumcO1X17IvbR+v/PUKEy+eaHZYIg4WS6lKzl1Bnz59GDx4MBMmTGDUqFFFXktPT2f06NFER0efcV7Dhg0BR5WL8Y/58MU1hvP1Ldv3xd3dvXDb2ZPFbref85yTJ09y+eWX4+fnx5dfflnkGhVF5e4iIiLVzGe7PuOj7R8BMLnnZC5rdJnJEYm4rgDPAJ6/5HkAPtn5Cb8d+s3kiESqtmnTpvH111+f0ZStc+fObNu2jebNm5/x8PDwACAoKIgjR44UnrN7924yMzPPeT9/f3/CwsJYtarosoqrVq2iTZs2F/Re0tLSGDRoEB4eHixevBgvL68Lul5JKUkXERGpRrYe38q0Pxxr1Y7tPJarml9lckQirq9nWE9GtBoBwDOrniE9N93kiESqrvbt2zNy5Ehef/31IvvHjx/P6tWrGTNmDDExMezevZuvvvqKMWPGFB4zYMAAZs+ezYYNG/jrr7+47777SjRy/fjjjzN9+nQWLFjAzp07eeKJJ4iJieHhhx8u8/twJugZGRm89957pKWlcfToUY4ePUpBQUGZr1sSStJFRESqidScVB5b+Rh59jwGRAzgznZ3mh2SSJUxtstYGvk3IjErsbASRUTKZvLkyWeUkXfo0IGVK1eya9cuevfuTadOnXjmmWcICzvVwX7mzJlERETQu3dvRowYwbhx4/DxOf/8+OjoaB599FEee+wx2rdvz5IlS1i8eHGRzu6ltX79etauXcvmzZtp3rw5oaGhhY8DBw6U+bolYTH+WfRfzaWlpREQEFDYPl9ERKQ6MAyD6GXRrDi4gvBa4SwYvgB/D/07J1IaS+KW8Pgvj+Pn7seS65foz5BUquzsbOLi4mjSpEmllVVL+TrXz7A0eahG0kVERKqBr/d+zYqDK/CwevBKv1eUXIiUwaDGg2ge2JyTeSf5cNuHZocjIjWUknQREZEqLjk7mZf/fBmAB6IeoHXdki9jIyKnWC1WHoh6AIAPt31Iak6qyRGJSE2kJF1ERKSKe2XdK6TkpBBZO5Lb2t5mdjgiVdqlDS+lRe0WZORl8P7W980OR0RqICXpIiIiVdifR/9kUewiAJ65+BncrRW/fqtIdXb6aPr87fPJyMswOSIRqWmUpIuIiFRR+fZ8pvw+BYAbWtxAVHCUuQGJVBMDIgbQ2L8xmfmZ/Bj/o9nhiEgNoyRdRESkilqybwl7U/cS4BnAw53LvhasiBRlsVgY3mw4AIv3LDY5GhGpaZSki4iIVEF2w87/Nv0PgNva3EaAZ4DJEYlUL8ObOpL0P4/+yeH0wyZHIyI1iZJ0ERGRKujH+B/Zm7oXPw8/bml1i9nhiFQ7obVC6RbSDYBv9n5jcjQiUpMoSRcREali7Iaddza9A8CtrW/Fz8PP5IhEqqcrm10JOEreDcMwORoRqSmUpIuIiFQxKw6sYFfyLnzdfRnZeqTZ4YhUWwMbDcTbzZv4tHg2Hd9kdjgiUkMoSRcREali3tv8HgC3tLpFc9FFKpCvuy8DGw4E4Os9X5scjYhrGjVqFBaLhWnTphXZv2jRIiwWi0lRlY/Ro0fTrFkzvL29CQoK4qqrrmLHjh0Vfl8l6SIiIlXI7uTdbDq+CTeLG7e2vtXscESqPWeX96X7llJgLzA5GhHX5OXlxfTp00lOTq70e+fl5VXYtbt06cLcuXPZvn07S5cuxTAMBg0aREFBxf5doCRdRESkCnEuB9UnvA91veuaHI1I9dc1pCu+7r6k5KSwI7niR9BEnAzDIDMv05RHaXswDBw4kJCQEKZOnXrO43777Td69+6Nt7c3ERERREdHk5GRUfi6xWJh0aJFRc4JDAxk3rx5AOzbtw+LxcKCBQvo27cvXl5ezJ8/H7vdzuTJkwkPD8fT05OoqCiWLFlSeA3neQsXLqR///74+PjQsWNH1qxZc8547733Xvr06UPjxo3p3LkzU6ZM4cCBA+zbt69U35/ScqvQq4uIiEi5ybPnFZbcXtX8KpOjEakZ3K3uXBRyESsOrGDN4TW0rdvW7JCkhsjKz6L7x91NuffaEWvxcfcp8fE2m40XX3yRESNGEB0dTXh4+BnH7Nmzh8svv5wpU6YwZ84cEhMTGTNmDGPGjGHu3Lmliu+JJ55g5syZdOrUCS8vL1577TVmzpzJ22+/TadOnZgzZw5XXnklW7duJTIysvC8iRMnMmPGDCIjI5k4cSK33HILsbGxuLmdPy3OyMhg7ty5NGnShIiIiFLFW1oaSRcREakiVh9azYnsE9TxqkPv8N5mhyNSY/QI7QHA74d/NzkSEdd1zTXXEBUVxaRJk4p9ferUqYwcOZKxY8cSGRlJz549ef311/nggw/Izs4u1b3Gjh3LtddeS5MmTQgNDWXGjBmMHz+em2++mZYtWzJ9+nSioqKYNWtWkfPGjRvHsGHDaNGiBc899xzx8fHExsae815vvvkmtWrVolatWnz//ff8+OOPeHh4lCre0tJIuoiISBXx1Z6vABjWdBjuVneToxGpOXqEOZL09QnrycrPwtvN2+SIpCbwdvNm7Yi1pt27LKZPn86AAQMYN27cGa9t3LiRTZs2MX/+/MJ9hmFgt9uJi4ujdevWJb5P165dC7fT0tI4fPgwvXr1KnJMr1692LhxY5F9HTp0KNwODQ0FICEhgVatWp31XiNHjuSyyy7jyJEjzJgxgxtvvJFVq1bh5eVV4nhLS0m6iIhIFZCSncLyA8sBuKqZSt1FKlNj/8aE+IZwNOMo64+tp1eDXuc/SeQCWSyWUpWcu4I+ffowePBgJkyYwKhRo4q8lp6ezujRo4mOjj7jvIYNGwKO9/zP+fDFNYbz9fUtU3zu7qc+4HZ2nrfb7ec8JyAggICAACIjI7n44oupXbs2X375JbfcckuZYigJJekiIiJVwHdx35Fvz6d1nda0rNPS7HBEahSLxUKP0B58Gfslaw6vUZIucg7Tpk0jKiqKli2L/lvVuXNntm3bRvPmzc96blBQEEeOHCn8evfu3WRmZp7zfv7+/oSFhbFq1Sr69u1buH/VqlV069atjO+ieIZhYBgGOTk55Xrdf1KSLiIiUgV8H/c9AFc2u9LkSERqph5hfyfpR87dDVqkpmvfvj0jR47k9ddfL7J//PjxXHzxxYwZM4a7774bX19ftm3bxo8//sjs2bMBGDBgALNnz6ZHjx4UFBQwfvz4IqPfZ/P4448zadIkmjVrRlRUFHPnziUmJqZIaX1p7d27lwULFjBo0CCCgoI4ePAg06ZNw9vbm6FDh5b5uiWhxnEiIiIuLiU7hU3HNwEwsNFAk6MRqZm6hzq6bO9K3sXxrOMmRyPi2iZPnnxGGXmHDh1YuXIlu3btonfv3nTq1IlnnnmGsLCwwmNmzpxJREQEvXv3ZsSIEYwbNw4fn/OX/EdHR/Poo4/y2GOP0b59e5YsWcLixYuLdHYvLS8vL3799VeGDh1K8+bNuemmm/Dz82P16tUEBweX+bolYTFKuwheFZeWlkZAQACpqan4+/ubHY6IiMh5fbf3O8b/Op7I2pEsvHKh2eGI1Fg3fn0j25O2M7X3VK5oeoXZ4Ug1k52dTVxcHE2aNKnQpmRScc71MyxNHqqRdBERERf366FfAejdQMuuiZjp4rCLAVhzWCXvIlJxlKSLiIi4sAJ7AasOrQKUpIuYrVuIownVxsSN5zlSRKTslKSLiIi4sK0ntpKck4yfux8dgzuaHY5IjdambhsA4tPiSc9NNzkaEamulKSLiIi4MGepe4+wHrhbz9/hVkQqTh2vOoT4hgCwI2mHydGISHWlJF1ERMSF/XLwFwD6hPcxORIRAWhdpzUA25O2mxyJiFRXStJFRERc1PGs42w7sQ2AXg16mRyNiAC0rutI0jWSLiIVRUm6iIiIi/rt0G8AtK3blnre9UyORkQA2tRxzEt3foAmIlLelKSLiIi4qN+P/A5oFF3ElThH0vem7iUrP8vkaESkOlKSLiIi4qI2JjiWeepSv4vJkYiIU5B3EHW96mI37OxO3m12OCJSDSlJFxERcUHHs45zMP0gFix0qNfB7HBE5G8Wi6VwNH37CTWPE5HypyRdRETEBW1MdIyiN6/dnFoetUyORkROpw7vIqeMGjUKi8XCtGnTiuxftGgRFovFpKjKl2EYDBkyBIvFwqJFiyr8fkrSRUREXJCz1L1jUEeTIxGRf2pTV83jRE7n5eXF9OnTSU5OrvR75+XlVfg9Zs2aVakfOChJFxERcUHOkXQl6SKux1nuvjtlN3kFFZ8gSM1kGAb2zExTHoZhlCrWgQMHEhISwtSpU8953G+//Ubv3r3x9vYmIiKC6OhoMjIyCl8vbqQ6MDCQefPmAbBv3z4sFgsLFiygb9++eHl5MX/+fOx2O5MnTyY8PBxPT0+ioqJYsmRJ4TWc5y1cuJD+/fvj4+NDx44dWbNmzXnfW0xMDDNnzmTOnDkl/4ZcILdKu5OIiIiUSF5BHltPbAUgKijK3GBE5AxhvmH4e/iTlptGbEpsYdIuUp6MrCx2djancWjL9euw+PiU+HibzcaLL77IiBEjiI6OJjw8/Ixj9uzZw+WXX86UKVOYM2cOiYmJjBkzhjFjxjB37txSxffEE08wc+ZMOnXqhJeXF6+99hozZ87k7bffplOnTsyZM4crr7ySrVu3EhkZWXjexIkTmTFjBpGRkUycOJFbbrmF2NhY3NyKT4szMzMZMWIEb7zxBiEhIaWK8UJoJF1ERMTF7EjaQU5BDoGegTTyb2R2OCLyD0Wax2leuggA11xzDVFRUUyaNKnY16dOncrIkSMZO3YskZGR9OzZk9dff50PPviA7OzsUt1r7NixXHvttTRp0oTQ0FBmzJjB+PHjufnmm2nZsiXTp08nKiqKWbNmFTlv3LhxDBs2jBYtWvDcc88RHx9PbGzsWe/zyCOP0LNnT6666qpSxXehNJIuIiLiYpyl7h2COlSbpjsi1U2bOm1Ye2Sto8N75PmPFykti7c3LdevM+3eZTF9+nQGDBjAuHHjznht48aNbNq0ifnz5xfuMwwDu91OXFwcrVuXvCKla9euhdtpaWkcPnyYXr16FTmmV69ebNy4sci+Dh1OrZYSGhoKQEJCAq1atTrjHosXL2bZsmVs2LChxHGVFyXpIiIiLiYmMQZQqbuIK2teuzkAcalxJkci1ZXFYilVybkr6NOnD4MHD2bChAmMGjWqyGvp6emMHj2a6OjoM85r2LAh4HjP/5wPX1xjOF9f3zLF5+7uXrjt/BDcbrcXe+yyZcvYs2cPgYGBRfZfd9119O7dmxUrVpQphpJQki4iIuJi1DROxPU19m8MQFyaknSR002bNo2oqChatmxZZH/nzp3Ztm0bzZs3P+u5QUFBHDlypPDr3bt3k5mZec77+fv7ExYWxqpVq+jbt2/h/lWrVtGtW7cyvgvHvPe77767yL727dvz6quvMnz48DJftySUpIuIiLiQoxlHOZpxFKvFSrt67cwOR0TOwtkvIiEzgcy8THzcq9aIp0hFad++PSNHjuT1118vsn/8+PFcfPHFjBkzhrvvvhtfX1+2bdvGjz/+yOzZswEYMGAAs2fPpkePHhQUFDB+/Pgio99n8/jjjzNp0iSaNWtGVFQUc+fOJSYmpkhpfWmFhIQU2yyuYcOGNGnSpMzXLQk1jhMREXEhzlH0lrVb6j/9Ii4swDOAOl51AIhPizc5GhHXMnny5DPKyDt06MDKlSvZtWsXvXv3plOnTjzzzDOEhYUVHjNz5kwiIiLo3bs3I0aMYNy4cfiUoOQ/OjqaRx99lMcee4z27duzZMkSFi9eXKSze1WikXQREREXsu3ENgDa12tvciQicj6N/BuRlJ1EfFq8lmGTGsu5hvnpGjduTE5Ozhn7L7roIn744YezXissLIylS5cW2ZeSklLkusWt4W61Wpk0adJZO8sXd15gYGCp14Mv7fFlpZF0ERERF7IreRcALeu0PM+RImI2zUsXkYqgJF1ERMSFOJP0FrVbmByJiJyPc166yt1FpDwpSRcREXERKdkpJGQmANA88Ozdb0XENThH0vel7jM1DhGpXpSki4iIuIjdKbsBaFCrAbU8apkcjYicT+OAxoBjJL2y5qqKSPWnJF1ERMRFqNRdpGqJ8IvAarGSnpfOiewTZocjItWEknQREREXsTvZMZKuJF2kavCweRDm61g+SiXvIlJelKSLiIi4COdIemTtqrmuq0hN1ChAzeNEpHwpSRcREXEBBfYCYlNiAY2ki1QlTfybALAvbZ+5gYhItaEkXURExAUcTD9IVn4WnjZPGvo1NDscESkh5zJsStJFpLwoSRcREXEBzlL35oHNsVltJkcjIiXl7PCuOekiUl6UpIuIiLgAdXYXqZqca6UfPHmQfHu+ucGImGDUqFFYLBamTZtWZP+iRYuwWCwmRVU++vXrh8ViKfK47777Kvy+StJFRERcwK4kJekiVVGwTzBeNi/yjXwOpR8yOxwRU3h5eTF9+nSSk5Mr/d55eXkVev177rmHI0eOFD5eeumlCr0fKEkXERFxCRpJF6marBZr4bx0dXiX8mQYBnk5BaY8DMMoVawDBw4kJCSEqVOnnvO43377jd69e+Pt7U1ERATR0dFkZGQUvm6xWFi0aFGRcwIDA5k3bx4A+/btw2KxsGDBAvr27YuXlxfz58/HbrczefJkwsPD8fT0JCoqiiVLlhRew3newoUL6d+/Pz4+PnTs2JE1a9ac9735+PgQEhJS+PD39y/5N6aM3Cr8DiIiInJOGXkZHEw/CGj5NZGqqJF/I3Ym7yQuNY4+4X3MDkeqifxcO+88vNKUe9/7Wl/cPUveH8Vms/Hiiy8yYsQIoqOjCQ8PP+OYPXv2cPnllzNlyhTmzJlDYmIiY8aMYcyYMcydO7dU8T3xxBPMnDmTTp064eXlxWuvvcbMmTN5++236dSpE3PmzOHKK69k69atREae+nd14sSJzJgxg8jISCZOnMgtt9xCbGwsbm5nT4vnz5/PRx99REhICMOHD+fpp5/Gx8enVPGWlkbSRURETOZcei3YO5jaXrVNjkZESquhv2NFBpW7S012zTXXEBUVxaRJk4p9ferUqYwcOZKxY8cSGRlJz549ef311/nggw/Izs4u1b3Gjh3LtddeS5MmTQgNDWXGjBmMHz+em2++mZYtWzJ9+nSioqKYNWtWkfPGjRvHsGHDaNGiBc899xzx8fHExsae9T4jRozgo48+Yvny5UyYMIEPP/yQW2+9tVSxloVG0kVEREy2N2UvAM0Cm5kciYiURahvKACH0w+bHIlUJ24eVu59ra9p9y6L6dOnM2DAAMaNG3fGaxs3bmTTpk3Mnz+/cJ9hGNjtduLi4mjdunWJ79O1a9fC7bS0NA4fPkyvXr2KHNOrVy82btxYZF+HDh0Kt0NDHX9uExISaNWqVbH3uffeewu327dvT2hoKJdeeil79uyhWbOK+zdbSbqIiIjJ4tLigFNLOYlI1dKgVgMADmcoSZfyY7FYSlVy7gr69OnD4MGDmTBhAqNGjSryWnp6OqNHjyY6OvqM8xo2dFSjWCyWM+bDF9cYztfXt0zxubu7F247O8/b7fYSn9+9e3cAYmNjlaSLiIhUZ/GpjmZTzqWcRKRqCa11aiTdMIwqv+yUyIWYNm0aUVFRtGzZssj+zp07s23bNpo3b37Wc4OCgjhy5Ejh17t37yYzM/Oc9/P39ycsLIxVq1bRt++pyoNVq1bRrVu3Mr6L4sXExACnRuEripJ0ERERkzk7QitJF6mawnzDAEcTyLTcNAI8A0yOSMQ87du3Z+TIkbz++utF9o8fP56LL76YMWPGcPfdd+Pr68u2bdv48ccfmT17NgADBgxg9uzZ9OjRg4KCAsaPH19k9PtsHn/8cSZNmkSzZs2Iiopi7ty5xMTEFCmtL609e/bw8ccfM3ToUOrWrcumTZt45JFH6NOnT5Gy+YqgJF1ERMQEiSdzWLL1KHsTTrL375H0D37JYENILJHBtbi4WV38vc7/HxMRMZ+Xmxd1vOqQlJ3E4fTDStKlxps8eTILFiwosq9Dhw6sXLmSiRMn0rt3bwzDoFmzZtx0002Fx8ycOZM77riD3r17ExYWxmuvvca6devOe7/o6GhSU1N57LHHSEhIoE2bNixevLhIZ/fS8vDw4KeffmLWrFlkZGQQERHBddddx1NPPVXma5aUxSjtInhVXFpaGgEBAaSmplbKGnciIiKn+3HbMeavjefX3ccpsBtY3JOo1fwlDLsb6Tsn41x4xcNmpV/LIK6MCmNQmxA83LQgi4grG/HtCDYf38ys/rO4tOGlZocjVVB2djZxcXE0adIELy8vs8ORMjjXz7A0eahG0kVERCpBamYeT3+1hcUbTzWWiooIJKJBGitSIdi7AfcPbk1sQjobD6awNzGDH7Yd44dtx6jv78mdvZpwS/eGGl0XcVGhvqFsPr5ZHd5F5IIpSRcREalga/eeYOyCGI6kZmOzWrjrkibcfFEETYNqMX/7Plb8AR3rR/Jgf0czHcMw2HnsJItjDvP5uoMcS8th6vc7mL08lgf6NeeOXo3xcq9aHX9FqrvCDu9K0kXkAilJFxERqUBbDqVy+9w/yM6z07iuD6/eFEWnhrULX9+Xug+ARv6NCvdZLBZahfjT6nJ/Hh4YyVcxh/nfL3vZnZDO9CU7+Oj3eCYMbcWw9qHqIi3iIk7v8C4iciE0wU1ERKSCHE/PYfSH68jOs9M7sh7fRvcukqDDqc7upyfpp/N0s3Fj1wiWju3DKzd2JMTfi0MpWYz5eAN3v/8XR1OzK/x9iMj5OUfSj2QcOc+RIiLnpiRdRESkAuTm23ngo/UcSsmiST1fZt/SGV/PMwvYCpdfC2h8zutZrRau7RzO8nH9GDswEg+blZ93JHDZqyv59K8D1LA+sCIuJ9TXMZJ+KP2QyZFIVae/z6uu8vrZKUkXERGpAFO/384f+5Ko5enG/27rQoDPmQ3fsvOzC0fdzjaS/k/eHjbGDmzBN9GX0DE8gJPZ+fz7803cPvdPDqVklet7EJGSC6vlWCs9LTeN9Nx0k6ORqshmc/Qayc3NNTkSKSvnz875sywrzUkXEREpZ1sOpTJv9T4AZt0URfNgv2KP239yPwYG/h7+1PasXewxZ9Oivh9f3N+T936LY+aPu/hlVyKDX/2FJ4a0YkS3hlitmqsuUpl83X0J8AwgNSeVwxmHaeHRwuyQpIpxc3PDx8eHxMRE3N3dsVo1nlqV2O12EhMT8fHxwc3twtJsJekiIiLlyDAMnvt6K4YBwzuGMbBN/bMeW1jq7t+4TA3g3GxWRvdtxqWt6/Pvzzeyfn8KTy3awpcbDvHCNe1oFXLudVhFpHyF+YaRmpPKkfQjtKitJF1Kx2KxEBoaSlxcHPHx8WaHI2VgtVpp2LDhBTd1VZIuIiJSjhZvPMyf+5LxdrcxYUircx57vqZxJdU8uBaf3deT91fvY+YPO1kXn8wVr//G3b2b8vClkXh7aLk2kcoQViuM7UnbNS9dyszDw4PIyEiVvFdRHh4e5VIBoSRdRESknGTk5DP1ux0APNCvGWGB3uc8vrjl18rKZrVw5yVNGNI+hGcXb2Xp1mO8tXIP32w6zPNXtaN/q+ALvoeInJtzXro6vMuFsFqteHl5mR2GmEgTHURERMrJmytiOZqWTUQdb+7p0/S8xxeOpAdceJLuFBrgzdv/6sr/butKWIAXB5OzuGPen9z9/p/sOnay3O4jImcK83Uk6RpJF5ELoSRdRESkHMSfyOB/v8QB8NSwNni5n7/EfF/aPsAxJ728XdamPj8+2pd7ejfBZrXw0/YELp/1C49/tpEDSZnlfj8ROTWSfjj9sMmRiEhVpiRdRESkHEz5dju5BXZ6R9Zj0DmaxTmlZKeQkpMCQEO/hhUSk6+nGxOHtWHp2D5c3jYEuwGfrTtIvxkreHRBDLEJGlkXKU8qdxeR8qAkXURE5AKt3JXIj9uO4Wa1MGl4mxJ1dd1/cj8Awd7B+Lj7VGh8zYNr8da/urDwgZ70jqxHgd1g4YZDDHzlF259dy3fbjpCbr69QmMQqQmcSXpSdhKZeapYEZGyUeM4ERGRC5Cbb+e5r7cCcHvPxmddE/2fnHNWw/3CKyy2f+rcsDYf3tWdTQdTeGN5LD9sO8Zvscf5LfY4dX09GNo+lOEdw+jaqLbWWRcpA38Pf2q51yI9L52jGUdpGnj+3hQiIv+kJF1EROQCfPR7PHsTM6jr60H0pZElPs+ZpDeo1aCiQjurDuGBvP2vrhxIymTBnwf49K8DJJzM4cPf4/nw93jCAry4oWsEN14UQYPzdKgXkaLCaoWxK3kXh9IPKUkXkTJRki4iIlJGGTn5vLE8FoDHBrUkwNu9xOcWJul+lZ+kO0XU8WHc4JY8PDCS1XtO8PXGwyzdepTDqdm89vNuXl+2m17N6jG0fSiD2tanXi1P02IVqSpCfUPZlbxL89JFpMyUpIuIiJTRvNX7OJGRS6O6PtzQtXRl64dOmjeS/k/uNit9WwTRt0UQU65uxw/bjvF/a/ezZu+JwnL4pxZtpluTOgxtH8rgtiHU99caviLFCfYJBuB41nGTIxGRqkpJuoiISBmkZuXx9so9ADwysAXuttL1YjWz3P1cvNxtXNkxjCs7hhF/IoNvNx/h+81H2Xwold/3JvH73iQmLd5Kl4a1GdI+lMvbhagkXuQ0QT5BACRkJpgciYhUVUrSRUREyuDdX/eSlp1Pi/q1GN4xrFTnFtgLOJzhWEc5vFblNY4rrUZ1fXmgX3Me6NecA0mZLNlylO+2HGHD/hT+ik/mr/hknv9mG5c0r8dtPRpxaev62NRwTmq4YG/HSHpiVqLJkYhIVaUkXUREpJROpOcw57c4AB69rEWpE9PErETy7fm4Wd0KS2NdXUQdH+7p05R7+jTlSGoWS7Yc5fstR/lzX1JhSXyDQG/u7t2Emy9qiLeHzeyQRUzhHElPzFSSLiJlo3XSRURESumdX/eSkVtA+wYBDG4bUurzD548CDgaTNmsVS+ZDQ3w5o5eTfh0dA9+ebw/9/VtRqCPO4dSsnju621cMn0ZbyyPJSMn3+xQRSpdkPffSbpG0kWkjJSki4iIlEJSRi4frokHYOzASCyW0pd3u+p89LKIqOPDE0Na8fuES5lydTsi6nhzIiOXl5fupO/LK5i/Np78ArvZYYpUGudI+omsE+Tb9UGViJSeknQREZFSePfXvWTmFtCugT8DWpWtVL06JelOXu42br24Ecsf68erN3WkUV0fjqfnMPHLLQye9Qs/bD2KYRhmhylS4ep41cFmsWFgcCLrhNnhiEgVZHqS/sYbb9C4cWO8vLzo3r07f/zxxzmPnzVrFi1btsTb25uIiAgeeeQRsrOzKylaERGpyZIzcnl/9T4AogeUbRQdqmeS7uRms3JNp3B+fKQvzw5vQx1fD/YkZnDvh+u48e01rN+fbHaIIhXKarFSz7seoJJ3ESkbU5P0BQsW8OijjzJp0iTWr19Px44dGTx4MAkJxS9Z8fHHH/PEE08wadIktm/fznvvvceCBQt48sknKzlyERGpieasiiMjt4DWof5c1qZ+ma9TnZN0Jw83K6N6NWHF4/14sH8zPN2s/LkvmWvfXE30/23gYHKm2SGKVBhnQ0gtwyYiZWFqkv7KK69wzz33cMcdd9CmTRveeustfHx8mDNnTrHHr169ml69ejFixAgaN27MoEGDuOWWW847+i4iInKhUjPzmLdqHwAPX9q8zKPocFqS7ld9k3Qnfy93Hh/cihWP9+OGLuFYLLB442EunbmSad/v4ER6jtkhipS7wuZx6vAuImVgWpKem5vLunXrGDhw4KlgrFYGDhzImjVrij2nZ8+erFu3rjAp37t3L9999x1Dhw49631ycnJIS0sr8hARESmtT/86wMmcfFrW92NQm9J3dHfKK8jjWMYxoHqPpP9TaIA3L9/Qka/HXMLFTeuQk2/nrZV7uGT6cqZ8s42ENE1dk+rD2TwuIUsj6SJSeqYl6cePH6egoID69YuWC9avX5+jR48We86IESOYPHkyl1xyCe7u7jRr1ox+/fqds9x96tSpBAQEFD4iIiLK9X2IiEj1Z7cbfLTW0dF9VK/GWEu5LvrpjmQcwcDA282bul51yyvEKqNdgwD+756Lee/2rnQIDyArr4B3f4vjkpeW8+zirRxJzTI7RJEL5ix310i6iJSF6Y3jSmPFihW8+OKLvPnmm6xfv56FCxfy7bff8vzzz5/1nAkTJpCamlr4OHDgQCVGLCIi1cHK3YnEn8jEz8uNq6LCLuhaB9Mda6SH+YZdUMl8VWaxWLi0dX2+erAX8+64iM4NA8nNtzNv9T76vrSC8Z9vYtexk2aHKVJmznJ3jaSLSFm4mXXjevXqYbPZOHbsWJH9x44dIySk+DLCp59+mn/961/cfffdALRv356MjAzuvfdeJk6ciNV65mcOnp6eeHp6lv8bEBGRGsO5LvoNXSLw8biwfzpr0nz087FYLPRrGUzfFkGs3nOC13/ezdq4JBb8dYAFfx2gT4sg7r6kCb0j69XYDzSkatJIuohcCNNG0j08POjSpQs///xz4T673c7PP/9Mjx49ij0nMzPzjETcZrMBaO1VERGpEAeSMlm+0zEa9q8ejS74eodOVv/O7qVlsVjo1bweC0b34Iv7ezCkXQhWC/yyK5Hb5vzB4Fm/sODP/WTnFZgdqkiJOOekK0kXkbIwbSQd4NFHH+X222+na9eudOvWjVmzZpGRkcEdd9wBwG233UaDBg2YOnUqAMOHD+eVV16hU6dOdO/endjYWJ5++mmGDx9emKyLiIiUp49+j8cwoHdkPZrU873g69WE5dcuRJdGdejSqA77T2Qyd3Ucn/55gF3H0hn/xWamfr+DG7tGcGv3RjSs62N2qCJn5Sx3T85JJq8gD3ebu8kRiUhVYmqSftNNN5GYmMgzzzzD0aNHiYqKYsmSJYXN5Pbv319k5Pypp57CYrHw1FNPcejQIYKCghg+fDgvvPCCWW9BRESqsey8Ahb85ehlcluPxuVyzcPphwEl6efTsK4Pk4a3ZezAFiz4cz/vr47nUEoW7/yyl//9upf+LYP5V49G9I0MuqBGfiIVIdAzEDerG/n2fI5nHSe0VqjZIYlIFWIxalideFpaGgEBAaSmpuLv7292OCIi4sI+++sAj3++iQaB3vzy7/7YyiEZ7LugL0nZSXx6xae0rtu6HKKsGQrsBst2JPDBmn38uvt44f7GdX249eJG3NAlggAfjVaK6xj8+WAOZxzmo6Ef0TGoo9nhiIjJSpOHmjqSLiIi4so++t3RMG5E94blkqBn5WeRlJ0EqHFcadmsFi5rU5/L2tRnb2I6H/4ez+frDrLvRCZTvt3OjB92cnVUA/7VoxFtwwLMDleEIJ8gDmcc1rx0ESm1KrUEm4iISGXZeCCFjQdT8bBZufmiiHK55rEMx4omvu6++HuomqusmgbVYtLwtqx98lJevKY9rUL8yM6z88mfBxj2+m9c99/VfBVziNx8u9mhSg3m7PCekKll2ESkdDSSLiIiUowP/l52bViHUOrWKp+lPI9mHgWgvk/9crleTefj4caI7g25pVsEf+5L5oM1+1iy5Sjr4pNZF5/M87W2c0u3CP51cSOC/b3MDldqGGfzuMQsjaSLSOkoSRcREfmHpIxcvt7kaPBWHsuuOTlH0pWkly+LxUK3JnXo1qQOCWnZ/N8fB5i/Np6Ekzn8Z1ksb6/cyw1dw7mvbzMi6qgrvFQO5zJsGkkXkdJSubuIiMg/fPrXAXLz7bRr4E+niMByu+6xTEeSHuIbUm7XlKKC/b14eGAkq54YwBsjOtOlUW1yC+zMX7uffjNW8MiCGHYfO2l2mFIDOMvdNSddREpLI+kiIiKnyS+wFzaMu+3ixlgs5be8V+FIuq9G0iuau83KsA6hDOsQytq9J3hjxR5+2ZXIlxsO8eWGQwxuW58H+zenQ3ig2aFKNaVydxEpKyXpIiIip/l+y1EOJmdR28ed4R3DyvXazpF0lbtXru5N69K9aV02HUzhzeV7WLL1KEu3HmPp1mP0jqzHg/2b071JnXL9QEZEjeNEpKyUpIuIiPzNMAze/mUPALf3bIy3h61cr380Q43jzNQhPJC3/tWF3cdO8t8Ve/hq42F+3X2cX3cf56LGtRkzIJI+kfWUrEu5cM5JT8tNIzs/Gy83NS8UkZLRnHQREZG/rd5zgi2H0vB2t3F7j8blfv3CkXSVu5sqsr4fr9wUxYpx/RjZvSEeNit/7kvm9jl/cNUbq/hh61HsdsPsMKWK83P3w9PmWBlCJe8iUhpK0kVERP721krHKPpNF0VQ29ejXK+dnZ9NSk4KoMZxriKijg8vXNOeX8f3565LmuDlbmXTwVTu/XAdQ1//la83HqZAybqUkcViOTUvXc3jRKQUlKSLiIgAWw6l8uvu49isFu66pEm5X985L9XbzRs/d79yv76UXX1/L56+og2rxg/ggX7NqOXpxo6jJ3no/zZw2Ssr+XzdQfIK7GaHKVVQXe+6ACRnJ5sciYhUJUrSRUREODWKfkWH0ApZS/v0+eia8+ya6tby5N+Xt2LV+AE8elkLAn3c2Xs8g3GfbaTPS8t5Y3ksx9NzzA5TqpA6XnUAOJF9wuRIRKQqUZIuIiI13tbDqXy7+QgA9/ZpWiH30Hz0qiPAx53oSyP5bfwAJgxpRb1aHhxJzeblpTvpOXUZjy6IIeZAitlhShXgTNKTspNMjkREqhJ1dxcRkRrvpSU7MQwY3jGMtmEBFXIPLb9W9dTydGN032aM6tWY7zYf4f3V8cQcSGHhhkMs3HCIjuEB3HRRQ4a1DyXAx93scMUFKUkXkbJQki4iIjXa6tjjrNyViLvNwrhBLSrsPs5ydzWNq3o83Wxc0ymcazqFs/FACh+siefrTYfZeDCVjQc38+zirVzaOpjBbUPo0yKIOuXcdFCqLuecdCXpIlIaStJFRKTGstsNpn6/A4CR3RvRqK5vhd3rWIZG0quDjhGBzIwI5Mmhrfh83UG+3HCIHUdP8v2Wo3y/5SgWi2M99i4Na9MxIoCO4YE0quujPgQ1lEbSRaQslKSLiEiN9e3mI2w+lIqvh40xA5pX6L2c5e4aSa8e6tbyZHTfZozu24xth9P4ZtNhlu9MZPuRNDYeSGHjaXPWA7zd6RAeQNuwAJrU86FhHV8a1/Ohvp8XVquS9+qsMEnPUpIuIiWnJF1ERGqkhJPZPPf1VgDu7dOMerU8K/R+mpNefbUJ86dNmD//vrwVR1OzWbP3OBsPpLLxYApbD6eRmpXHr7uP8+vu40XO83Sz0qiuD/X9vQj08aC2j/tpz+54u9vwcLPi6eZ49rBZcbdZOdegvGGAgeF4NsBuGNgNx1rvXu42anm64evpho+HDU83q0b4K5hG0kWkLJSki4hIjVNgNxj7SQzH03NpFeLH6L4V09HdKacgp/A/6UrSq7eQAK/C+esAufl2dh49SczBFHYfO0n8iUziT2RwIDmLnHw7u46ls+tYuimxulkt+Hu70yDQm/Da3kTU8XE81/ahcT1fGtXx0Uj/BXIm6Sk5KeTb83Gz6r/eInJ++ptCRERqnDeWx7J6zwl8PGzMHtEZL3dbhd4vITMBAC+bFwGeFdM9XlyTh5uV9uEBtA8v+nPPL7BzOCWbfScyOJ6eQ3JmHimZuSRl5JKSmUdKVi45eXZy8u3k5tvJyS8gN99OboFxzpF0AAtgtViwWsBisRQen51nJyMnn6y8AkcMdoOkDMc9Nx9KPeM6tTzdaB3qR4fwQC5qXIeLGtembgVXnFQ3gZ6BWLBgYJCSk0I973pmhyQiVYCSdBERqVFW7kpk1k+7AJhydTuaB9eq8Hs6O7vX962v8mIBwM1mpWFdHxrW9an0exfYDTJy88nMKSA5M5dDyVkcSM7kQFIWB5MzOZCcxd7EdNJz8vlzXzJ/7kvmvd/iAGgV4selrYMZ0Ko+nSICNdJ+HjarjdpetUnKTiIpO0lJuoiUiJJ0ERGpMb7ccJB/f74JuwHXdQ7n2s7hlXJfzUcXV2KzWvD3csffy52QAC9ah/qfcUx+gZ29xzPYciiV9fuT+SMuiV3H0tlx9CQ7jp7kjeV7CAvw4qpODbi2UwMi6/uZ8E6qhjpedQqTdBGRklCSLiIi1Z5hGLyxPJYZPzhG0Id1COWFa9pV2v21/JpUNW42Ky3q+9Givl/hh1kn0nP4ZXciP29PYOXORA6nZvPfFXv474o9dG9Sh7t7N+XSVsHVe3Q9OxXWvgMFuVCnKdRrAQ06c645COrwLiKlpSRdRESqtYycfJ5YuJmvNx4GYHSfpoy/vFWlJhKFI+m+StKl6qpby7OwKV52XgHLdiSwcP1Blu9MZG1cEmvjkmhaz5exl7VgeIfQ6je1I3kffHwTJO4ouj/qVrhq9lkTdXV4F5HSUpIuIiLV1u5jJ7nvo3XsSczAzWph0vA2/KtH40qPo3BOukbSpZrwcrcxtH0oQ9uHciQ1i3mr9/Hx2v3sPZ5B9P9t4L3f4nhqWGsualzH7FDLx4E/4P9ugczj4BcKkYMgOQ72rYKYj6DhxdD5X8WeqiRdRErLanYAIiIiFWH5zgSuemMVexIzqO/vySf3XmxKgg6nRtJDfENMub9IRQoN8GbCkNasmXApj17WAh8PGxsPpHDDW2uY+OVmMnLyzQ7xwpzYA+9f6UjQQzrAPcvgytfh9q9hwETHMd89Dgnbiz29tldtQEm6iJScknQREal2voo5xD3v/0VmbgE9m9Xl2+jedDVxRM85Jz3YJ9i0GEQqWi1PN6IvjWTF4/24pVsEAPPX7mfo67+yLr4KJ6g/PQv5WdCwJ9zxPfiHnXqt1yPQbIDj9c9GQW7GGac7R9JPZJ+onHhFpMpTki4iItXKB2v2MXZBDPl2g6uiwnj/zm7UM3Ft53x7fuEImpJ0qQmC/byYem0H5t/dnbAAL+JPZHLj27/z8dr9ZodWegf+gO2LwWKFYTPB8x9LNlqtcM07UCvEMVd9+YtnXKKuV11AI+kiUnJK0kVEpNp499e9PPPVVgwDbu/RiFdvjMLdZu4/dUnZSRgYWC1WanvWNjUWkcrUq3k9ljzShys7hlFgN3jyy828tGQHdrthdmglYxjww1OO7aiRUL9N8cfVCnKUvwP88Y6jwdxp6niru7uIlI6SdBERqRbmrYpjyreOOaFj+jfn2SvbusRSUIlZiYBjNM1mtZkcjUjl8vdy57Wbo3j40kgA3lyxh0c/jaGgKiTqO76BA2vBzRv6Tzz3sZGDoElfx9JsPz9f5CU1jhOR0lKSLiIiVd6Ha/bx7NfbAHiwfzMeG9TCZZZ/OpHlmIdaz7ueyZGImMNisfDIZS14+foOuFktLIo5zDNfbcEwXDhRtxc45qID9BwD/qHnPt5igUHPAxbY8jkcWl/4kjNJz8zPJCs/q2LiFZFqRUm6iIhUafPXxvP0V1sBuK9vM8YNaukyCTpAYqZjJF1JutR0N3SN4PVbOmGxOBrK/WdZrNkhnV3sz3AiFrwCodfDJTsntCN0uMmx/cPTjnJ5oJZ7Ldyt7gAkZydXQLAiUt0oSRcRkSrrkz/2M/HLLQDc26cp4y93rQQdTpW7B/kEmRyJiPmGtg/luSvbAvDKj7v45A8XbSa3/n3Hc8dbwNOv5OcNeApsnhD/G8T+BDgqCVTyLiKloSRdRESqpE//PMCELzcDcGevJkwY0srlEnSA41nHAY2kizjd1qMxY/o3B+Dpr7aw5VCqyRH9w8mjsPN7x3aX20t3bmAEdLvHsb36P4W7laSLSGkoSRcRkSrnnV/28O8vNmEYMKpnY56+orVLJuigJF2kOI8NasHgtvXJKzCI/mQDWbkFZod0Ssx8MAogojsEty79+d3vA4sN4lbCUccHic4O784eFSIi56IkXUREqgy73eDF77bz4nc7ALj7kiZMGt7GZRN0OK3c3Vvl7iJOFouFadd2oL6/J3sTM3j+221mh+Rgt8P6DxzbnUs5iu4UGAFtrnJs//5fQGuli0jpKEkXEZEqIS07j4c+2cA7v+wFYMKQVjx1hWsn6ADHMzWSLlKc2r4evHJjFBYLfLx2Pz9sPWp2SI7R7+R94OkPba8u+3V6POh43vwZnDymcncRKRUl6SIi4vI27E9m2Ou/8u2mI9isFl6+vgOj+zYzO6zzMgxD5e4i59CreT3u7d0UgKcWbSEzN9/cgJwN49rfAB6+Zb9OeFdHuXxBLvz5rpJ0ESkVJekiIuKyEk5mM+Wbbdzw1hoOJGXRINCbT0f34IauEWaHViJpuWnk2nMBdXcXOZtHB7Ugoo43CSdzeGvlXvMCyUqBHd86tjvfduHXu/gBx/Nf71HHvRagJF1ESkZJuoiIuJzYhJM89/VWek9fzru/xZFvNxjWIZTvHu5Nl0a1zQ6vxJyj6H4efnjaPE2ORsQ1ebrZmDDE0aDtnV/2cCQ1y5xAdnzjGPkOauVY8/xCtboCAhtC5gnqHHEsFakkXURKws3sAERERAAycvKZvzaeRRsOs+1IWuH+Tg0DefjSSPq2CHL5+ef/pKZxIiUzpF0IFzWuzZ/7knl56U5euTGq8oPY/Jnjuf31UB5/19jcHJ3elz5JnW3fgi8kZSlJF5Hz00i6iIiYyjAMlmw5wmWvrOTF73aw7UgablYLl7YK5sO7urHw/p70axlc5RJ00PJrIiVlsVh4algbABauP8SmgymVG8DJYxD3i2O73fXld91O/wIPP+qecJTxJ2UnYRhG+V1fRKoljaSLiIhp0rLzGPtJDMt2JADQINCbB/o3Y2i7UGr7epgc3YVTZ3eRkusYEcg1nRrw5YZDzPhhFx/c2a3ybr71SzDs0KAr1GlSftf18ofOt1F77RsA5Bv5pOWmEeAZUH73EJFqR0m6iIiYIj0nn9vn/MGG/Sl42KyM7tuUB/o1x9vDZnZo5Ubl7lIjnTwKe1fAoXWQtBeS4iArGdw8webhmKfdbABEXgb12xUpLX9kYAu+ijnEL7sS2X4kjdah/pUTc2Gp+w3lf+3uo/Fc+1987HYyrVZSclKUpIvIOSlJFxGRSpeZm8+dc/9kw/4UArzdmX93d9o1qH7/aXWWu6uzu1R7qQch5v9g60JI2HbuY1PiYd+v8PNzENwGLp8KTfsB0LCuD0Pah/LtpiP875e9vHJTVIWHTtJeOPQXWKzQ9pryv37tRtB6OIFpfxYm6Y1oVP73EZFqQ0m6iIhUqrwCO/d88Bd/7EvCz9OND+/qVi0TdDiVpNf1rmtyJCIVIC/b0RE9Zj7sWQ4451pbHN3RG18C9Vo4ysd9gxyd0/Nz4MhGiP3JMQc8YRt8cJWjE/rgF6F2I0b3acq3m46weONhxg1uSVigd8W+jy1fOJ6b9AG/+hVzjx5jCPj+XxwGUlPiIagcuseLSLWlJF1ERCrVG8tjWRV7Al8PG/Pu7EaH8ECzQ6owKneXascw4EgMbJgPmz+F7NRTrzXuDVEjIHIw+J7jg6mIbtDtHshMghXT4M93Hcn+/t/h1i/oEB7FxU3r8PveJOb8FsdTV7Sp2PezqQJL3Z0iuhHo7gvkkbLja4i8suLuJSJVnpJ0ERGpNDEHUvjPslgAXry2fZVa87wsnI3jlKRLlZdxHDZ96hg1P7bl1H7/cEdiHjWi9A3XfOrA0Jeg6x2w8F44ugnmXQG3/B+j+7bk971J/N8f+3no0kgCvN3L9/04HdsCx3eCzRNaD6+Ye/wtsG4rSN5McvwvjioEd68KvZ+IVF1agk1ERCpFVm4Bjy6IocBucEWHUK7sGGZ2SBUqOz+bk3knAZW7SxVVkAe7lsKCf8HMVrB0giOptXlCu+vgX1/C2E0wYOKFdUQPbg2jvoVGl0DuSfjoOvpZNtCyvh8ZuQUs+HN/+b2nf9r8ueM58jLwqthpN4HBjoqA1IIsRxWCiMhZKEkXEZFKMfX77ew9nkGIvxdTrm5XJdc9Lw3nfHQPqwf+HpXUoVrkQhmGoyv7d/92JOYf3wjbF4M9D0KjYOgMGLcTrp/j6NBuLafVGLz84dYvHHPTC3KwfH4XD3W0A/DpXwcrZm1xu/3UfPSKLHX/W6BXHQBSrFZY86bjey0iUgyVu4uISIXbfDCVD9bEA/DyDR0I9Kn6a6Cfz+md3av7BxJSDSTthS0LYdMCOL7r1H7fIEcCGzUSQtpVbAzuXnDDPEcjufhVDNnyGHXdnyQ2wTFVplPDcp4ec2AtpB4ADz9oMbh8r10M57JrKe6ecHQ77FkGzS+t8PuKSNWjJF1ERCqUYRg8/41jSaaro8LoHVkz5mc7k/R63vVMjkSkGAV5cPAviP0RdnwHidtPvebmBa2GQYeboVl/sFXQfPDi2NwdifrbfbElxTI3YA5XHb+Pz9cdLP8kfcvfpe6trwD3Cu4gDwR6BgKQ6h8KR4/CmjeUpItIsZSki4hIhVqy5Sh/7EvCy93Kvy9vZXY4lcbZ2V1JuriEnHQ4vAEO/unooh6/CnLTT71usTmWTOtwI7S+0lF+bpZawXDTRzD3cjqk/8ZdtkYs2HgVT1/RBi/3ciqvL8iDrV86tttfXz7XPA9nkp7i7QdYYM/PkLDdMSdfROQ0StJFRKTC5OQXMPX7HQDc26dZxa937EISM5WkSyUqyIe0Q5ASD8nxZz6nHz3zHJ+60KQvtBziaJzm7UKrLYR3gcunwbeP8rj7Z/yc05kfth0rv4aTe1dA5gnwqQdN+pXPNc+jMEnPz3SM3m//Gn5/E678T6XcX0SqDiXpIiJSYeat2sf+pEzq+3tyX9+mZodTqQrnpGv5NSlP+TlwfDck7nCMwjqfU+LBnn/ucwMiILwrhF/kWNO8fjuwunAP4a53wvbFeO5dwTT3//HGn23LL0nf+Injue01YKuc/w4756Sn5qRiXPI8lu1fw8YFcOkk8NWHeSJyipJ0ERGpEGnZeby5Yg8Ajw9uhY9HzfonR3PSpVxkJUP8Gkd5+r7f4OhmMAqKP9bm4UjEazeC2o0hsJFjO/Dvr33qVGbkF85igeGvY3/zYrrn7eDbuE84khpFaMAFVuSkJ8K2rxzbUSMuPM4Squ3lqFTIKcghK6wjPmGd4fB6+PM96De+0uIQEddXs/7HJCIileb9VftIzcojMrgW13RqYHY4le707u4iJVaQ70jId37nSMqPbQX+sVSXp79jHnNQq1PP9SLBL8y1R8bLonYjrJdNhu/GMd7t/1j8+w3cMviSC7vmhg8dS8qFdYYGncsnzhLwcfPBzepGvj2f1Nw0fHo8CF/cBX/+D3o97OhuLyKCknQREakAadl5vPtbHADRl0Zis9a8JcjUOE5KzLk2+foPYMc3jrnSp6sbCY17QaNLoGF3x2h5TVrWr+tdHF39MSEp62mx/jkY9EPZ37+9AP6a69i+6O7yi7EELBYLgZ6BHM86TkpOCqFtroIfn3H0EtjyOXS6tVLjERHXpSRdRETK3emj6EPbh5odTqUrsBeQlJ0EaE66nENuJmz82JE0Httyar93HccSaM0GQKNe4FffvBhdgdWK9crXyH2/H11y/iB1w0ICOl9XtmvF/gSp+8ErENpdW55RlsjpSTo2d+h2L/w0Cda86ViLviZ9+CIiZ6UkXUREypVG0SE5Jxm7YceCpXAeqkihrGT48134/S3IdEyLwM3L0cSsw02Opm6V1Mysqghu2oFPfG7g5qxPcP/hCWg7CDz9Sn+hP991PHe6tVLWRv+n05vHAdDldlj5EiRsdXScb9a/0mMSEddTzSYuiYiI2Wr6KDqcWn6tjlcd3KxKtuRv+bmw5g2Y1RGWTXEk6IGNHEuNPbodrnnLkaQpQS9WUqcx7LPXxyc7AZa9UPoLJO+D3T86trveWa6xlVThMmw5KY4d3rWh00jH9u9vmhKTiLgeJekiIlJusnILmLt6HwBjBjSvkaPocGo+uprGSaHdP8F/e8DSJyEnFYLbwLXvwkPr4eL7q17ndRMM7NiYp/PvAMD442048GfpLrDqNcCApv2hbrPyD7AEzkjSAbrfB1hg9w+QuNOMsETExShJFxGRcvPF+oMkZeQSXtubYTV0FB3gRJaj8Vdd77omRyKmy06FRQ/C/OvgRCz4BsGV/4H7foMON2jUvBQig2txoPbFLCy4BIthd3RGz04r2clHNsK6eY7t3o9VWIznc0a5Ozg+MGg51LGt0XQRQUm6iIiUkwK7wXt/z0W/65ImuNlq7j8xhSPpahpXs+1dCW/2gJiPAAtc/KBj5LzzbWC1mR1dlWOxWBjUNoRJeaM44R4CKfHw3bjzn2gY8N2/wbBD22uhSe+KD/Ysans6elQUGUkH6PGg43njJ5Dxj+7+IlLj1Nz/QYmISLn6cdsx4o5nEODtzo1dI8wOx1TOOelK0msow4BVr8OHVzuW16rdBO74Hi5/Ebz8zY6uShvctj4n8eHhvAcxLFbYtAA2Ljj3SZs+hQO/g7sPDJpSOYGehXMkPTknuegLjXpCaEfIz4a/3jMhMhFxJUrSRUSkXPzv170A3HpxQ3w9a3YJ74lsx0iY1kivgXIzYeE98OPTjpHbqJFw/ypo1MPsyKqFqIja1KvlyW/ZzTjQPtqx85tHYM+y4k/ISnb8LAD6PA4BDSon0LNwzklPzU4t+oLFAj0ecmz//l/ISa/cwETEpShJFxGRC7YuPol18cl42Kzc3qOx2eGYzjmSriS9hslOgw+vgc2fgcUGQ16Gq94AD1+zI6s2bFYLvSMdf64WeN/gWEs+LwPm3wAb5hc9OGEHvDsQ0o9BnWanSspNFOgVCBRT7g6OJfjqNIWspFNLxYlIjaQkXURELtjcVfsAuLpTGMH+XuYG4wLU3b0Gykp2lLcf+B28AuC2r6D7vY4RUilXvZo7kvTf9qbCLZ9A+xvAng9fPQAL74XV/3GsQf/upY5mff7hcOP74OZpcuRnaRznZHNzjPYDrH5do+kiNZiSdBERuSCJJ3NYuvUoALf3bGxuMC7AMIzC7u4aSa8hMpPgg6vg0DrHute3LTa1OVl116u5Y9WEzQdTSM2zwjXvwCWPOl7ctAB+eAqWjIfcdGjcG0avhJD2JkZ8irPc/WTeSfLt+Wce0P5GRw+DzBOamy5SgylJFxGRC/LpXwfIKzDo1DCQtmEBZodjuvS8dLILsgEl6TVCXhZ8fJNjiS+fejDqWwiLMjuqai00wJum9XyxG7B27wmwWmHgJLj1C8fyau2ug4iLoe8T8K9F4Os6fw79PU41Djz7aPrfHetXvQ65GZUUmYi4kprd2UdERC5Igd3g//7YD8DI7o1MjsY1OEvda7nXwtvN2+RopELZ7Y7y6oN/OErcR30Dwa3NjqpG6Nm8LnuPZ7B6zwkGtQ1x7Gw+0PFwYW5WN/w8/DiZe5LUnFTqetc986AON8HKlxxLzP35LvR6uPIDFRFTaSRdRETK7JfdiRxMzsLfy40rOoSaHY5LOJ55HNAoeo3w49OwfTHYPODm/1OCXol6NXP8+VoVe9zkSErvrGulO9ncoe94x/avMx3TKUSkRlGSLiIiZTb/93gAru8SgZe7zeRoXMPxLEfSoKZx1dyf78Ga2Y7tq/8LjXuZG08N06NZXSwW2J2QTkJattnhlIpzXvoZa6WfruPNENwGslPht1cqJzARcRlK0kVEpEwOpWSxbEcCACMvbmhyNK7DWe5ez0sj6dVW/Gr4/t+O7QFPQ/vrzY2nBgr08aBtmGN+9+o9J0yOpnTO2eHdyWqDyyY7tte+DcnxlRCZiLgKJekiIlImn/91ELsBFzetQ7OgWmaH4zKcI+n1fJSkV0uph+DT2xxLfrW91tGoTExRVUvenSPpZy13d2o+EJr0gYJcWDalwuMSEdehJF1ERErNMAwWbjgIwE0XRZgcjWspLHf3Vrl7tZOXDQtuhYxEqN8erpqtddBN1PPv9dJX7zmBYRgmR1NyzpH08ybpFgtc9rxje/OnjiX+RKRGUJIuIiKltn5/MvEnMvHxsDHY2VlZgNPK3dU4rvr58Wk4vB6868DN88HD1+yIarSLGtfG3WbhUEoWB5KyzA6nxJwj6ecsd3cKi3J0ewf4agzk51RYXCLiOpSki4hIqX2x/hAAQ9qF4uOh1TxPp+7u1dT2b+CPdxzb1/4PamvJQbP5eLjRNswxKr1+/zmasLmYwnL37JSSnTD4RfANgoRtsPyFCotLRFyHknQRESmV7LwCvtl4GIDrOjcwORrX4xxJV7l7NZJyAL560LHdMxoiXXst7pqkSyPHcmZVKUkP8CphubuTbz0Y/ppje9XrsP/3iglMRFyGknQRESmVZTsSSMvOJyzAi4ub1jU7HJeSW5BLWm4aoCXYqo2CfPjibshOgQZdHN3cxWV0buhI0tfFV50k3blOeonK3Z1aDYOOIwADvrwPstMqJjgRcQlK0kVEpFQWrnc0jLu6UwOsVjXNOp2zaZy71R1/D3+To5Fysfp1OPA7ePrDde+Bm4fZEclpOjcKBGDH0ZNk5OSbG0wJlbi7+z8NmQb+4ZAc52hgqPnpItWWknQRESmxE+k5rNjpKOe+VqXuZzi9aZxFXb+rvmNbYfmLju0hL0GdJubGI2cIDfAmLMCLArvBxoMpZodTIqevk16qrvReAXDTh+BRC+JWwsJ7wF5QQVGKiJmUpIuISIl9v+Uo+XaD9g0CaB7sZ3Y4LkfLr1UjBXmOsmJ7HrQcCh1vNjsiOYtOf89L37A/xdxASshZZZNv5JOVX8qu9A06w00fgdUdtn0F3z7q+F0VkWpFSbqIiJTYki1HARjWIdTkSFyTs7N7XW/N1a/yfpkBRzc5llu7YpbWQ3dhXarYvHRvN2/cLI5VMZw9LEqlWX+49h3AAuvmwdt9IH5NucYoIuZSki4iIiWSnJHLmr0nALhca6MXS53dq4lj2+DXGY7tYTPBr7658cg5dS4cSU8uXfm4SSwWC/6ejtH0UjWPO127a+H6OY4PkRK2wdzLYdGDkHG8dNcpyIOjWxxLDK7+D6x9R03pRFyAFrcVEZES+Wn7MQrsBq1C/Ghcz9fscFySs9y9no/WSK+y7Hb45hGw50OrKxzJkLi0NqH+eLpZSc7MI+54Bk2Dapkd0nn5e/iTlJ3EydyTZb9Iu2uhaT/46VlY/z7EfAQ7v4WBz0Gnf4G1mLE4w4CkvbBnGexZDnG/wD9jWDkNeo+DrneCu1fZ4xORMlOSLiIiJeIsdR/STqXuZ1OYpHsrSa+yYj5ydHN394Uh082ORkrAw81Kh/AA/tyXzLr45CqTpEMZy91P51MHrnwdOt0K3zwKxzbD19GwYqpjycDQjmDzgJw0SD8Gcb9CSnzRa3j6Q91mULuJY4rHiVhYOgH+mgN3/eC4h4hUKiXpIiJyXiez8/h1tyMBvbydSt3PRuXuVVzGcfjxGcd2/ychINzceKTEOjeszZ/7klm/P4UbukaYHc55+Xk6Gm9ecJLuFNEN7l0Bf7zjWJHg5BHY8Y3j8U9Wd2h4sWNue9P+jkTeanO8VpAPMfNh+QtwYjcsvBdGfFr8qLyIVBgl6SIicl7LdyaSW2CnaT1fWtR3/VEqs6i7exX3w9OQlQz120P3+8yORkrBOS99fRVpHufv/vdIek45zv+2uUGPB6DL7XBkIxxaD0c3g8UKXv7gFegYXW/UEzzP8ve4zc1xfoPO8O5AiP0Rfp0JfR8vvzhF5LyUpIuIyHkt2XIEgMHtQrT+91nYDTtJWUmAurtXSYfWwcaPHdtXvOJIVqTK6Px3h/ddCSdJz8mnlqdr//ycjePKbST9dB6+jkS8Uc+yXyOkPQx7Bb56wDGqHt7VMfIuIpVCtSsiInJO2XkFLN/hKOMeolL3s0rJSSHfyAeUpFc5hgFLJzq2O9zsKB2WKiXIz5OwAC8MA7YeKmPH9EpUbnPSK1KnkY4GdBjw5WjIzTQ7IpEaQ0m6iIic05o9J8jKKyAswIv2DQLMDsdlJWY6Psio7Vkbd6u7ydFIqWxfDPvXgJs3XPq02dFIGbUPd/z9tLkKJekX1N29Mgx9GQIbOprOrZtrdjQiNYaSdBEROacVOxMA6NsyWKXu53Aiy7GGvJZfq2Lyc041i+v5kJrFVWEdwgMB2HiwCiTpFVnuXp7cvR3LsQH8Nkuj6SKVREm6iIic04pdjhHifi3VDO1cnJ3d63kpSa9S/ngHkvdBrfrQ62Gzo5EL0ME5kn4wxdxASqCw3L08G8dVlI63OEbTMxJg3TyzoxGpEZSki4jIWe07nkH8iUzcrBZ6NVfyeS6Fnd199GFGlZGd5uhcDTDgqbN3vJYqwTkdZ9+JTFIz80yO5tz8PMp5CbaK5OYBvR9zbK+aBXlZpoYjUhMoSRcRkbNylrp3bVzb5bslm82ZpNfz1ocZVcbv/3UsuVY3EqJGmh2NXKBAHw8a1vEBYMth1y55rxKN407XcQQEOOemzzM7GpFqT0m6iIic1alS92CTI3F9StKrmMwkWDPbsd1/Alht5sYj5cLZPG6ji5e8F85Jrwrl7vD3aPqjju3Vs8FeYG48ItWcknQRESlWdl4Bv+91NEPTfPTzc85JD/LW96pKWDMbctIguC20ucbsaKScdCycl141RtJz7bnkFOSYHE0JdbwFvAIg7SDErTQ7GpFqTUm6iIgUa21cEtl5dkL8vWhZ38/scFyes7u71kivAjKOw+9vObb7PwlW/XeoumjfIBCATS6epPu6+2K1OH7vqsxoursXtL/Bsb3hI3NjEanm9K+SiIgUa+VOx8hw3xZBWnqtBDSSXoWseg3yMiA0CloNMzsaKUftGvhjscChlCxOpLvuCLXVYqWWu6NRYZWZlw7Q6VbH8/ZvHP0cRKRClKkLkN1uJzY2loSEBOx2e5HX+vTpUy6BiYiIuVbscjSNU6n7+WXmZZKRlwFoTrrLy0qGv+Y4tvtNAH0AVa34ebnTtJ4vexIz2HQolf4u3E/D38OftNy0qpWkh0ZB/XZwbAts/hy63WN2RCLVUqmT9N9//50RI0YQHx+PYRhFXrNYLBQUqJGEiEhVdzgli72JGVgt0FNLr52Xs9Td280bX3dfk6ORc/rzXchNd8xFbzHY7GikAnQID2RPYgabD7p4ku7pD+lVqNwdHB9qRY2EpRMcJe9K0kUqRKnL3e+77z66du3Kli1bSEpKIjk5ufCRlJRU6gDeeOMNGjdujJeXF927d+ePP/445/EpKSk8+OCDhIaG4unpSYsWLfjuu+9KfV8RETm7tXGOpLNdgwACvN1Njsb1OUvd63rV1dQAV5ab6Vh2DeCSRzSKXk0510t39XnpVW4ZNqcON4LVHY7EwNHNZkcjUi2VeiR99+7dfP755zRv3vyCb75gwQIeffRR3nrrLbp3786sWbMYPHgwO3fuJDj4zE8+c3NzueyyywgODubzzz+nQYMGxMfHExgYeMGxiIjIKWv3Oj507d6kjsmRVA3O5deCfDQ1wKVt+AgyT0BgQ2irju7VVYdwZ5KeYm4g51Flk3TfetByCGxfDBvmw5BpZkckUu2UeiS9e/fuxMbGlsvNX3nlFe655x7uuOMO2rRpw1tvvYWPjw9z5swp9vg5c+aQlJTEokWL6NWrF40bN6Zv37507NixXOIRERGHtXHOJF2dykvCOZKu+egurCAPVv/Hsd0zGmxlassjVUDbsACsFkg4mcOxtGyzwzmrwrXSq1qSDo7l2AC2fw3/mP4qIheu1En6Qw89xGOPPca8efNYt24dmzZtKvIoqdzcXNatW8fAgQNPBWO1MnDgQNasWVPsOYsXL6ZHjx48+OCD1K9fn3bt2vHiiy+ecx58Tk4OaWlpRR4iInJ2CWnZxB3PwGKBizSSXiLOOelK0l3YloWQuh98g051qJZqydvDRou/l4105ZJ3Pw9HjFVqTrpTs/7g7uNYM/3IRrOjEal2Sv0x8nXXXQfAnXfeWbjPYrFgGEapGscdP36cgoIC6tevX2R//fr12bFjR7Hn7N27l2XLljFy5Ei+++47YmNjeeCBB8jLy2PSpEnFnjN16lSee+65EsUkIiLw+9+j6K1D/DUfvYS0/JqLMwxYM9ux3X00uHubG49UuPYNAthx9CSbDqZwWZv65z/BBFW23B0cf4aaDYAd38DO7yAsyuyIRKqVUifpcXFxFRFHidjtdoKDg3nnnXew2Wx06dKFQ4cO8fLLL581SZ8wYQKPPvpo4ddpaWlERERUVsgiIlXO2r2OUeHuTTWKXlLOOekaSXdR+9fA0U3g5gVd7zI7GqkEHcID+GzdQZceSa/SSTpAy6GOJH3Hd9D/SbOjEalWSp2kN2rUqFxuXK9ePWw2G8eOHSuy/9ixY4SEhBR7TmhoKO7u7thstsJ9rVu35ujRo+Tm5uLh4XHGOZ6ennh6epZLzCIiNYHmo5eeknQX9/ubjucON4GPPnyqCTqEBwKw+VBqYbWnqymck14Vy90BWlwOFisc2wzJ8VC7fHIEESnDnHSAPXv28NBDDzFw4EAGDhxIdHQ0e/bsKdU1PDw86NKlCz///HPhPrvdzs8//0yPHj2KPadXr17ExsZit9sL9+3atYvQ0NBiE3QRESmd4+k5xCakA9BN89FLTEm6C0uOhx3fOrYvvt/cWKTStAr1w91mISkjl4PJWWaHUyznSPrJvJMmR1JGvnWh4d//Z9/5vbmxiFQzpU7Sly5dSps2bfjjjz/o0KEDHTp0YO3atbRt25Yff/yxVNd69NFH+d///sf777/P9u3buf/++8nIyOCOO+4A4LbbbmPChAmFx99///0kJSXx8MMPs2vXLr799ltefPFFHnzwwdK+DRERKcYff4+it6zvRx1fffhZEgX2ApKyHd83LcHmgv54Bww7NO0Pwa3NjkYqiaebjZYhjsZsmw+5Zsl7Ybl7VR1JB0fJO8DOb82NQ6SaKXW5+xNPPMEjjzzCtGnTztg/fvx4LrvsshJf66abbiIxMZFnnnmGo0ePEhUVxZIlSwqbye3fvx+r9dTnCBERESxdupRHHnmEDh060KBBAx5++GHGjx9f2rchIiLF0Hz00kvOScZu2LFarNT2rG12OHK6nJOw/kPH9sUPmBuLVLr2DQLZciiNTQdTGdo+1OxwzlDl56QDtBoKP0yEfasgKxm89XegSHkodZK+fft2Pv300zP233nnncyaNavUAYwZM4YxY8YU+9qKFSvO2NejRw9+//33Ut9HRETOT/PRSy8x09HZvY5XHWxW23mOlkq1aQHkpELd5tB84PmPl2qlY3gA//cHbD6UYnYoxXIm6Vn5WeTZ83C3VsHVNOo0haDWkLgddv8IHW40OyKRaqHU5e5BQUHExMScsT8mJobg4ODyiElEREyQnpPPzmOOuZEXNdZoSElpPrqLMgz4a55j+6K7wVqmNjxShbUPDwAca6Xb7YbJ0ZzJuU46VPWS9yGO590/mBuHSDVS6pH0e+65h3vvvZe9e/fSs2dPAFatWsX06dOLLHUmIiJVy6aDKRgGNAj0Jtjfy+xwqgwl6S7q0DpH12k3L+h4s9nRiAla1PfD083Kyex84pMyaVLP1+yQirBZbdRyr0V6XjppuWnU9a6iFUzN+sNvr0DcL44Px1ywk75IVVPqJP3pp5/Gz8+PmTNnFjZ1CwsL49lnnyU6OrrcAxQRkcoRcyAFgKiIQFPjqGqUpLuov+Y6ntteo3myNZS7zUqbMH827E9h08EUl0vSwVHynp6XzsncKtrhHSC8m+PDsPRjkLhDDRpFykGpa78sFguPPPIIBw8eJDU1ldTUVA4ePMjDDz/skmtQiohIycTsTwGUpJdWYpZjTnqQtzq7u4ysFNjyhWO7yx2mhiLm6tDgVMm7K3KWvFfp5nHuXtDwYsd23C/mxiJSTVzQBC0/Pz/8/PzOf6CIiLg0wzBOjaQ3DDQ1lqpGI+kuaNOnkJ8FwW0gopvZ0YiJ2ocHArDZRZN0f89qsAwbQJO+jue9K82NQ6SaKFG5e+fOnfn555+pXbs2nTp1OueI+fr168stOBERqRxHUrNJOJmDzWqhXViA2eFUKUrSXYxhwLq/S927jNL82BquXQNHErztSBp2u4HV6lq/D9ViGTaApn3hZ2Dfb1CQD7ZSz6gVkdOU6E/QVVddhaenZ+G2ytpFRKoX5yh6y/p+eHtoGbHScC7BFuSjcneXcGgdJGwDN2/ocJPZ0YjJmgfVwtPNSnqOazaPqzZJemgUeAVAdioc2QjhXcyOSKRKK1GSPmnSpMLtZ599tqJiERERk6jUvWwMw+BE9gkA6nlpJN0lxHzseG5zJXgHmhqKmM/NZqV1qD8xB1LYcijVdZP0ql7ubrVB496w4xuIW6EkXeQClXpOetOmTTlx4sQZ+1NSUmjatGm5BCUiIpVLTePKJiMvg6z8LICqu3xSdZKfc6phXMdbzI1FXIaz5H3LYdebl+5sHHcyrwp3d3fSvHSRclPqJH3fvn0UFBScsT8nJ4eDBw+WS1AiIlJ58gvsbD7k+M9rJyXppeKcj+7r7ouPu4/J0Qi7lkB2Cvg3gCZ9zI5GXISzz8bWQ643Wl1tGseBY146wIG1kJdtbiwiVVyJuzosXry4cHvp0qUEBJxqLFRQUMDPP/9MkyZNyjc6ERGpcLuOpZOVV4CfpxvNgmqZHU6VouXXXEzM/zmeO9zoKL8VAdr9vQzblsOpGIbhUr2Vqs2cdIB6LaBWCKQfdSTqzqRdREqtxEn61VdfDTjWSb/99tuLvObu7k7jxo2ZOXNmuQYnIiIVzzkfvUNEgMt1PnZ1J7Ic079U6u4C0hMh9kfHtkrd5TSR9WvhbrOQkpnHoZQswmu7TtVLtUrSLRZHBcvmTyF+lZJ0kQtQ4nJ3u92O3W6nYcOGJCQkFH5tt9vJyclh586dXHHFFRUZq4iIVICYA8mA5qOXhUbSXciWz8GeD2GdIail2dGIC/F0s9GivmPu9xYXK3kvnJOeWw3mpAM07O54PvCHuXGIVHGlnpMeFxdHvXrqYCsiUl1sOuiYj94xPNDcQKogrZHuQjb+XequUXQpRuG8dBdrHlftkvSIv5P0Q+vAfmYPKxEpmRKXu58uIyODlStXsn//fnJzc4u8Fh0dXS6BiYhIxcvNt7MnMR2ANmH+JkdT9ShJdxGJuxxrM1vdoN11ZkcjLqhdA38W/AVbDrlWkl7L3dEHJCMvw+Xmy5dJcBvwqAU5aZC4A+q3NTsikSqp1En6hg0bGDp0KJmZmWRkZFCnTh2OHz+Oj48PwcHBStJFRKqQ3QknySsw8Pdyo0Ggt9nhVDlK0l3E1i8dz80GgK/6A8iZ2v7dPG7zoTSXSoadI+kFRgFZ+VlVf5UIqw0adIG4lY7mcUrSRcqk1OXujzzyCMOHDyc5ORlvb29+//134uPj6dKlCzNmzKiIGEVEpIJsP+IosWwd6u8y/2mtSjQn3UVsXeh4bnutuXGIy2od4o/VAsfTc0g4mWN2OIW83byxWRwrEVS7knfNSxcps1In6TExMTz22GNYrVZsNhs5OTlERETw0ksv8eSTT1ZEjCIiUkG2H3E0UWodqlL3snB2d6/no5F00yRsd5TV2jyg5RCzoxEX5e1ho3mwo7TclUreLRYLvu6+AKTnpZscTTmJ6OZ4VpIuUmalTtLd3d2xWh2nBQcHs3//fgACAgI4cOBA+UYnIiIVatthR5LeRkl6qeXZ80jKTgJU7m6qwlL3S8E70NRQxLU5m8epw3sFC+/qeE7aAxnHzY1FpIoqdZLeqVMn/vzzTwD69u3LM888w/z58xk7dizt2rUr9wBFRKRiGIbB9qN/J+lqGldqzlF0N4sbgZ6B5gZTUxkGbHGWul9jbizi8pzz0re4WId3Z/O4ajOS7l0bglo5tjWaLlImpU7SX3zxRUJDQwF44YUXqF27Nvfffz+JiYm888475R6giIhUjKNp2aRk5mGzWgrLQKXknEl6He86WC2l/udUysOxrXBiN9g8Veou59Xu7w8jt7pQuTtALY+/k/TcapKkA4Rf5Hg+qCRdpCxK3d29a9euhdvBwcEsWbKkXAMSEZHK4Sx1bxbki5e7zeRoqh41jXMBzoZxkZeBl6pB5NycFUOHU7M5kZ5D3VqeJkfk4Of+d7l7XjUpdwdH87gNH2okXaSMSv3R/5QpU4iLi6uIWEREpBI5m8ZpPnrZaPk1kxnGqfnoKnWXEvDzcqdJPUeTtq2HXWdeerUcSXd2eD+0HgryzI1FpAoqdZL+2Wef0bx58/9v777D26qv/4G/r6Yt2/LedmI7ewcSSAJlJk0YZZfdMktbCm1pSn+FDkaZ5dvSSaFQWqClQMsuZTYkgUASCNlkD8d7D8mWba37++P6XjtkWJJ170fj/XqePFJtWTpJhayjcz7n4IQTTsCf/vQntLVxIAQRUTwavn6NwqdW0pmkC9K6A+jYp0x1n7hEdDQUJ6YNVtNj6Vy6eiY9YQbHAUDueCAlC/D3AU2bRUdDFHfCTtI3bdqEzZs349RTT8WvfvUrlJSU4Oyzz8Y///lPeDwePWIkIiIdbOP6tVHR1q8xSRdjx3+Vy6pTAXuG0FAofkwfHB73eQxNeFenuyfM4DgAMJmA0jnK9YaNQkMhikcRTbqZNm0a7r//fuzbtw/Lly9HRUUFbrnlFhQVFUU7PiIi0oHH60d1ey8AJumRavXwTLpQapI+6SyxcVBc0dawxVIlPRHb3QGgZLZy2bhJaBhE8WjU42jT0tKQmpoKm80Gn49nToiI4sGOJjdkGcjPsCM/IzaGJ8Wbtn6eSRfG1Qg0rAcgMUmnsEwvVT6UPNDuQXdfbLxv1drdE2lwHAAUz1IumaQThS2iJH3//v247777MG3aNMydOxcbNmzA3XffjaampmjHR0REOlAnu7OKHrk2z2CS7mCSbridbyqXZXOBjEKxsVBcyXLYUJadCmDodVA0p015HU64SrqapLdsA/xesbEQxZmwV7DNnz8fn376KWbOnIlrr70Wl19+OUpLS/WIjYiIdLKjSU3SeZY3ErIsa9Pd2e4ugJqks4pOEZhekom6zj583tCNBeNyRYcz1O6eSGfSASBrLJCSCfR3K4Mei2eKjogoboRdSV+4cCG2bNmCDRs24NZbb2WCTkQUh3Y1KW8GJxUySY+Ey+uCN6hUhnJTxb/JTyr9LmDfSuX65K+IjYXiktryvrU+Ns6lJ+R0dwCQpGEt7xuFhkIUb8KupN933316xEFERAaRZRm7WpQ3gxOZpEdEnezutDlhN/NMv6H2/A8I+pQVT/kTRUdDcWhaqTo8Ljba3RNyuruqeBaw/wOeSycKU0hJ+tKlS3HPPfcgLS0NS5cuPeptH3744agERkRE+mjv9aLL44MkAePy00WHE5e4I10gtdV98tli46C4pU5439vaA4/XD4ct7JpVVKmV9B5vD2RZhiRJQuOJquLZyiWTdKKwhPSqtGHDBm1y+4YNG3QNiIiI9LW7WanWlGc7kGozC44mPjFJFyTgB3a/p1zneXSKUH6GHYVOO5pdA9je6MKcsTlC41Er6QE5gD5/HxxWh9B4okpN0pu2Kv/9msV+IEIUL0L6L2X58uWHvU5ERPFnz2Cr+4QCVtEjpe5IL3AUCI4kyTSsB/q7gJQsoHSu6Ggojk0vyUSzqwVb6rqFJ+mpllSYJTMCcgA9vp7EStJzqgBbOuDtAdp3AwVTREdEFBfCHhx33XXXwe0+dLBFb28vrrvuuqgERURE+tndolTSxxcySY9Us6cZAFDo4PovQ6lV9HGnsSJHozK1RBket71R/LA2SZKQZk0DkIBr2EwmoGhwqjtb3olCFnaS/vTTT6Ovr++Qr/f19eGZZ56JSlBERKQftd19QgGHxkWquXcwSU9jkm6oPYNJ+vgvi42D4t7UYiVJ39YYW8Pj3D7xHxpEnTbhnUk6UahC/hja5XJBlmXIsgy3242UlBTte4FAAG+++SYKCtj2R0QU69RKOtvdI8dKugA9rUDD4Fyc8QvFxkJxT62k72x2wx8IwmIOu24VVcOHxyUcJulEYQs5Sc/KyoIkSZAkCRMnHrryRJIk3H333VENjoiIoquz14u2ngEAwDgm6RFjJV2Ave8rl0UzgIwisbFQ3CvPdiDdbkHPgB/72nqFr6NMtw3uSk/oSvpmIBhUWuCJ6KhCTtKXL18OWZZx+umn46WXXkJOztCQDZvNhrFjx6KkpESXIImIKDr2tCpVmtKsVKTbeaY3Er6gT5vuzkq6gdjqTlFkMkmYXJSBdQc6sa3BJTxJz7AO7kpPxEp63kTAkgJ43UDnfiB3nOiIiGJeyO/QTjnlFADA/v37MWbMmMTa4UhElCTU8+jjWUWPWJunDTJkWE1W5KSInQqdNIIBYM8y5foEJukUHVNLnEqS3ujC+ceUCo1FraQnZJJutgD5k4HGjUDLdibpRCEIu9/k/fffx4svvnjI1//973/j6aefjkpQRESkj92D69cmcrJ7xNTz6AWOApgktm0aomED0NcB2J1A2XGio6EEoQ2PaxA/PE49k56Q7e7A0Oq1lu1i4yCKE2G/u3jggQeQl5d3yNcLCgpw//33RyUoIiLSBye7j16TpwkAW90Nted/ymXVqYDZKjQUShxDa9iU4cgiqdPdE7KSDgxL0reJjYMoToSdpNfU1KCysvKQr48dOxY1NTVRCYqIiPShVtK5Iz1yHBongDo0bvwisXFQQplYmAGzSUJ7rxct7gGhsWjt7r4ETdLzB5P01h1i4yCKE2En6QUFBdi8efMhX9+0aRNyc3OjEhQREUVfd58PzS7ljSjPpEdObXcvcnDCuCEG3ED9Z8r1qlPExkIJJcVqRlVeGgDxLe9qu7vLK771XhdqJb1tF+D3io2FKA6EnaRffvnl+N73vofly5cjEAggEAjg/fffx/e//31cdtllesRIRERRsGdwP3qRMwXOFLYMR4qVdIPVrAGCfiBrLJBdIToaSjBqy/u2RrHJccK3u2eWAbYM5b/ljr2ioyGKeWEn6ffccw/mzZuHhQsXIjU1FampqVi8eDFOP/103HfffXrESEREUbBnsNV9AlvdR0WtpPNMukH2r1QuK08WGwclJG14nOAkXa2kJ2y7uyQBBZOV6xweRzSisJfk2mw2vPDCC7j33nuxceNGpKamYsaMGRg7dqwe8RERUZTsbe0FAIzLZ5I+GkzSDbb/A+Wykq3uFH3a8DjB7e5qJd3tTdDp7oDS8l73KZN0ohCEnaSrJkyYgAkTJgAAXC4XHn30UTz55JNYt25d1IIjIqLo2acl6WmCI4lfgWAArZ5WAGx3N4SnA2gcnINTeZLYWCghTRmspO9v74XH64fDFvFb41HR2t0TtZIOAAVTlctWJulEIxnVgtfly5fj61//OoqLi7U2eCIiik3725Q3fxV5TNIj1d7fjoAcgFkyIzeFw1J1d+AjADKQNwnI4KA+ir68dDsKMuyQZWB7o7gqttbu7u0Rvg5ON/lsdycKVdgfF9bX1+Opp57C3/72N3R1daGzsxP//Oc/cckll0CSJD1iJCKiUfIHgqjp8AAAKpmkR0wdGpfvyIfZZBYcTRLQWt15Hp30M6XYiRZ3K3Y0uTBnbLaQGNRKekAOoM/fB4fVISQOXamV9I59gK8fsKaIjYcohoVcSX/ppZdw1llnYdKkSdi4cSN+/etfo6GhASaTCTNmzGCCTkQUw+q7+uALyLBZTCjJTBUdTtzieXSDMUknA0wuUhLknU3iKumpllSYJeWDv4RteU8vAFKzATmorGIjoiMKOUm/9NJLccwxx6CxsRH//ve/cd5558Fms+kZGxERRcn+NuU8emVuGkwmfqgaKSbpBnI3A607AEhAxZdER0MJbNJgkr5DYJIuSRLSrEqXU8KuYZOkoWo6W96JjirkJP3666/HI488gjPOOAOPPfYYOjs79YyLiIiiSE3SK/ISsIXSQNyRbqDqD5XLohmAI0dsLJTQJg2rpIs8D65NePcl+IR3AGjZJjYOohgXcpL+5z//GY2NjfjmN7+J5557DsXFxTjvvPMgyzKCwaCeMRIR0ShplfQ8rl8bjSZPEwBW0g2hJulsdSedjS9Ih9kkobvPh2bXgLA4hg+PS1jq8LjWHWLjIIpxYU13T01NxdVXX42VK1diy5YtmDZtGgoLC3HiiSfiiiuuwMsvv6xXnERENApqkl7FoXGjwkq6gWrWKJdjTxAbByU8u8WsvTZubxK3Lz3dpiTpiV1JV9vdWUknOpqIV7BNmDAB999/P2pra/GPf/wDHo8Hl19+eTRjIyKiKFF3pFdyR/qoqGfSixxcB6YrT8dQpa2c611Jf5NiYHhchnVwV3oiV9LVdveuGsDbKzYWohg2qj3pAGAymXDOOefg1VdfRW1tbTRiIiKiKOr3BdDQ3QeA69dGIygH0eJpAcB2d93VfqJc5k4A0vLExkJJIRYmvKuV9IRO0h05gCNXud6+R2wsRDFs1En6cAUFBdG8OyIiioKaDg9kGciwW5Cbxq0ckers74Qv6IMECXkOJo66qlmtXI6ZLzYOShqTipwAxE54V8+kJ3S7O6B8+AYAbbvFxkEUw6KapBMRUewZ3uouSVy/Fim11T0vNQ9Wk1VwNAmudq1yySSdDKJW0ve29MAXEDMQWZ3untCVdADIG69cspJOdERM0omIEtzQZHe2uo9GfU89AKA4rVhwJAnO1w/Uf6ZcH7NAbCyUNEqzUpFmM8MbCGqvmUbT2t19CZ6kq5V0JulER8QknYgowe1vU97wMUkfnRpXDQBgjHOM4EgSXONGIOAF0vKBnCrR0VCSMJkkTByspotqedfa3b0J3u6ex3Z3opFElKR3dXXhL3/5C26//XZ0dHQAANavX4/6+vqoBkdERKNX3eYBwCR9tGrdynDUMRlM0nWlrl4rnwfweAYZaPLgufSdgtawqUm6x+cR8viGGV5Jl2WxsRDFKEu4P7B582YsWrQImZmZqK6uxg033ICcnBy8/PLLqKmpwTPPPKNHnEREFKF9bHePihq3Ukkvd5YLjiTBqUk6W93JYKInvCdNu3t2BSCZAW8P4G4CnDxCRPRFYVfSly5dimuuuQa7d+9GSkqK9vWzzjoLH3zwQVSDIyKi0XH1+9DWMwAAqGCSPipauzsr6foJBoFaJukkxiTB7e5pVuU1uteX4PvDLTYge6xyvZ0t70SHE3aS/umnn+Jb3/rWIV8vLS1FU1NTVIIiIqLoqB6souel2+FM4UTySPX7+7Xp7kzSddS+G+jrBCypQPFM0dFQklEr6XWdfXD3+wx//KRJ0gGuYSMaQdhJut1uh8t16FmdXbt2IT8/PypBERFRdAxNdncIjiS+1bnrACgrkjLtmYKjSWBqq3vpHMDMD5XIWFkOGwqddgDArmbjW87VJD3h292BoeFxnPBOdFhhJ+nnnnsufvGLX8DnUz5hlCQJNTU1+PGPf4yLLroo6gESGa2trw21rlrIHGZCCaCmXRlANDaXre6joZ5HH5Mxhrvm9aSuXis/TmwclLQmFAztSzeaOjiuz9+HQDBg+OMbKndwVzor6USHFfbguF//+tf46le/ioKCAvT19eGUU05BU1MTFixYgPvuu0+PGIl019DTgJd2v4QP6z7E9o7tAJQ346ePOR3njTsP47PHC46QKDI1HUqSPiaHlfTR4GR3g9SvVy5LjhUbByWt8QXpWLWnDXtaxVXSAcDj9yDDlmF4DIbRKulM0okOJ+wkPTMzE++99x5WrVqFzZs3o6enB8ceeywWLVqkR3xEulvfvB7fW/49dA90AwAkSDCbzKhx1+Cpz5/CP7f/E38946+YlT9LcKRE4avtZJIeDerQOE5215HXA7RsU66XzhEbCyWt8QVKNXt3s/HD42xmG6wmK3xBH3p9vYmdpKtn0rtqAP8AYLGLjYcoxoSdpKu+9KUv4Utf+lI0YyEy3DvV7+AnH/4E3qAXU3Km4MopV+JLpV9CiiUFH9V/hGe3P4v1Levxvfe/h3+e/U+UppeKDpkoLLUdfQCAcibpozK83Z100rQZkANAehHgLBEdDSWpCWqSLqDdHVCq6V0DXYk/PC69ALA7gQEX0LEPKJgiOiKimBJ2kv773//+sF+XJAkpKSkYP348Tj75ZJjN5lEHR6SnV/e8ip9/9HMAwGnlp+GXJ/8SqZZU7fuLKxbjS6VfwtVvX40dHTtw87Kb8fcz/67tMSWKdV5/EA3dSpLOSvroaO3uTibpulHPo5ceC/DcPwkyoVCpXtd39cHj9cNhi7ieFRE1SU/44XGSpJxLb1ivnEtnkk50kLBfeX7zm9+gtbUVHo8H2dnZAIDOzk44HA6kp6ejpaUFVVVVWL58OcrL2RZIsemA6wDuX3s/AOCySZfhtuNvg9l06AdLDqsDfzj9D7jiv1dgT9ce/HTVT/G7039ndLhEEanv6oMsA6lWM/LSbaLDiVvegBeNvY0AgPIM/l7TjXoevZTn0UmcnDQbctJs6Oj1Yl9rL6aXGrvNQR0e1+tN8Eo6oJxLb1jPc+lEhxH2dPf7778fxx13HHbv3o329na0t7dj165dmDdvHn73u9+hpqYGRUVF+MEPfqBHvESjFggG8LNVP0Ofvw/ziufh9nm3HzZBVxWlFeEPC/8Ai2TB+7XvY1PrJgOjJYrc8KFxnEgeufqeegTlIBwWB3JTckWHk7jUSjqHxpFg2rn0FuPPpWu70v1JkKRru9K5ho3oi8JO0n/2s5/hN7/5DcaNG6d9bfz48fjVr36F22+/HWVlZXjooYfw0UcfRTVQomh5Ztsz2Ni6EWnWNNxzwj0wSSP/ZzAtdxrOGXcOAODPm/6sd4hEUaEm6TyPPjrDW935YYdOPB1A537leskxYmOhpKeeS98j4Fy6tivdm+Dt7gCQN7g5h5V0okOEnaQ3NjbC7/cf8nW/34+mpiYAQElJCdxu4z99JBrJns49+MOGPwAAfnzcj1GcXhzyz35jxjdgkkz4sP5DfN7+uV4hEkVNLdevRYU22Z2t7vppGGx1z6kCHDliY6GkNzThXVyS7vF7DH9sw6mV9HZW0om+KOwk/bTTTsO3vvUtbNiwQfvahg0bcOONN+L0008HAGzZsgWVlZXRi5IoSn634XfwBX04uexknD/+/LB+doxzDM6qPAsA8Pimx3WIjii6atrVJD11hFvS0XCyuwHqB99TcPUaxYAJBcrwOFbSdZYzmCv0dSp/iEgTdpL+5JNPIicnB3PmzIHdbofdbsfcuXORk5ODJ598EgCQnp6OX//611EPlmg0dnbsxIraFZAg4da5t0bUtnrDzBsgQcL7te9jZ8fO6AdJFEXamfRcVtJHQ0vSOdldP9pkdybpJJ5aST/Q4cGAP2DoY2uD4xJ9BRsA2NKUlYsA0LFfbCxEMSbs6e5FRUV47733sGPHDuzatQsAMGnSJEyaNEm7zWmnnRa9CImi5C9b/gJAWa1WmRlZp0dVZhWWVCzB29Vv48mtT+Khkx+KZohEUSPLstbuXp7NJH00al3KmXS2u+tEljk0jmJKodOODLsF7gE/qts8mFSUYdhja4PjkiFJB5QjLj1Nyq50bnYg0oRdSVdNnjwZ5557Ls4999yDEnSiWFTdXY13qt8BANww44ZR3dc1068BALxf835ytKNRXOry+OAeUOaHlDFJj5gv6ENDTwMAtrvrxlUP9LYAkhkonik6GiJIkoTxhWImvGvt7om+J12VU6VcspJOdJCwK+kAUFdXh9dffx01NTXwer0Hfe/hhx+OSmBE0fTk1ichQ8apZadiUs7oPlSamjMVFc4KVLuqsbx2uTb1nSiWqK3uBRl2pNqOvGKQjq6xpxF+2Y8UcwryHfmiw0lMDRuVy4KpgJXzEyg2jM9Px4aaLsPPpafblA8HPL4kGBwHALlqkr5XbBxEMSbsJH3ZsmU499xzUVVVhR07dmD69Omorq6GLMs49li2qVDsaehpwBt73wCgnCkfLUmScGblmXh006N4a/9bTNIpJtVwsntU7OveBwCoyKwIaV0jRaBpi3JZPEtsHETDTNAq6cYm6Q6r8pqdfJX0fWLjIIoxYb/juP3223Hrrbdiy5YtSElJwUsvvYTa2lqccsopuPjii/WIkWhUXtz1IvyyH/OK5mFmfnRaKc+oPAMAsLphNbr6u6Jyn0TRVNvJJD0a9ncrLZiVTm4s0Y2apBdNFxsH0TDqhPe9RlfSk2lwHMAknegIwk7St2/fjquuugoAYLFY0NfXh/T0dPziF7/AL3/5y6gHSDQagWAAr+19DQBw8aTofYhUlVmFyTmT4Zf9+F/N/6J2v0TRog2NY5I+KmolvTKLSbputCR9htg4iIZRJ7zva+2FPxA07HGTbnBc9uBra28r0O8SGwtRDAk7SU9LS9POoRcXF2Pv3qEzJG1tbdGLjCgK1jSuQYunBU6bE6eVR3frwBkVSjX9rf1vRfV+iaKB7e7RoSbpVZlVgiNJUH2dQLey4g6FrKRT7CjNSoXdYoI3EER9V59hj5t0g+NSnEDa4LyPTg6PI1KFnaTPnz8fq1atAgCcddZZ+OEPf4j77rsP1113HebPnx/1AIlG47U9ShX9rMqzYDPbonrfasv7p02fotXTGtX7Jhot7kgfPVmWsb9rsN09wrWNNIKmrcpl1hggNUtoKETDmUwSKnKVhHl/m3FV7aRrdwfY8k50GGEn6Q8//DDmzZsHALj77ruxcOFCvPDCC6ioqMCTTz4Z9QCJItU90I1lNcsAAOdPOD/q91+aXopZ+bMgQ9bWuxHFAl8giIaufgCspI9Ge3873D43TJIJFc4K0eEkJq3VnavXKPZU5Cmvn0Ym6WolfSAwAF/QZ9jjCsUknegQYU13DwQCqKurw8yZyi/TtLQ0PPbYY7oERjRab+9/G96gFxOyJ2BqzlRdHmNJxRJsat2ElXUr8bWpX9PlMYjC1djVj0BQht1iQn66XXQ4cWtfl/KGsSy9LOqdODSI59EphlXmpQNoRrWBSbo63R1Q1rBl2jMNe2xhmKQTHSKsSrrZbMbixYvR2dmpVzxEUaMOjDtv3HmQJEmXxzix9EQAwPrm9ej39+vyGEThUie7l2WnwmTS57mfDLShcWx110/zYJLO8+gUgyoHK+n7DEzSrSYr7Gblw9WkaXnXknSeSSdShd3uPn36dOzbx0+6KLbt696HLW1bYJEs+ErVV3R7nEpnJQocBfAGvdjYulG3xyEKR8PgkKPSbLa6j4a6fo1D43Ti9wItO5TrrKRTDFIq6UB1u7HJctINj8sZ/CCUlXQiTdhJ+r333otbb70Vb7zxBhobG+FyuQ76QxQL3q95HwAwv2Q+clNzdXscSZIwv1gZmLimYY1uj0MUDvU8eklmiuBI4hsr6Tpr2wkEfYA9UxkcRxRjKvOUZLm+sw8D/oBhj5t0w+PUSrq7EfAmyd+ZaARhJ+lnnXUWNm3ahHPPPRdlZWXIzs5GdnY2srKykJ2drUeMRGFbUbsCAKK+du1w1CR9deNq3R+LKBRqJb0kK1VwJPGNSbrOhp9H1+lIEtFo5KXbkG63ICgDtYMbM4yQdLvSU7OVPwDQWS00FKJYEdbgOABYvny5HnEQRU17Xzs2t24GAJxcdrLuj6cm6dvbt6OrvwtZKVm6PybR0TR0M0kfrV5fL1o8LQCAqiy2u+uCQ+MoxkmShMq8NGyp78a+1l6ML8gw5HGTrt0dUKrp9Z8pLe+F00RHQyRc2En6KaecokccRFHzQd0HkCFjSs4UFKUV6f54+Y58jM8ajz1de/BJ0ydYXLFY98ckOpp6rZLOdvdIqefR81Lz4LQ5BUeToLQknUPjKHZVDCbpRp5LV9vdPT7jqvfCqUl6+17RkRDFhLDb3QHgww8/xNe+9jWccMIJqK+vBwD8/e9/x6pVq6IaHFEkVtatBACcWn6qYY+pnUtv5Ll0EkuW5aHBcaykR4yt7jqTZaBJ6XhiJZ1imXou3chd6eoath5vklXSAQ6PIxoUdpL+0ksvYcmSJUhNTcX69esxMDAAAOju7sb9998f9QCJwjEQGMDHDR8DMDZJX1CyAACTdBKvy+NDvy8IACji4LiIqTvSOdldJ911QH83YLIA+ZNFR0N0RNoatlbjK+lJcyYdYJJO9AURTXd/7LHH8MQTT8BqtWpfP/HEE7F+/fqoBkcUrk8aP0Gfvw8FjgJMyZli2OPOKZwDi2RBrbsWde46wx6X6IvUVve8dDvsFrPgaOKX2u7OSrpOWrYrl7kTAItdbCxERyFiDVvSDY4DgOzB19rOA2LjIIoRYSfpO3fuxMknHzqMKzMzE11dXdGIiShiWqt72amQDJwWnGZNw8z8mQCAtY1rDXtcoi8aanVnFX002O6us5ZtymUBq+gU2ypzlYS52TWA3gG/IY+ZlIPjsiuUS1cd4PcKDYUoFoSdpBcVFWHPnj2HfH3VqlWoqmJbIIkjy7K2eu2UcuMHHM4tmgsA2NCywfDHJlJx/dro+QI+1LprAbDdXTetO5TLfOM6nogikemwIifNBsC4anq6LQnb3dMLAEsqIAeB7lrR0RAJF3aSfsMNN+D73/8+1q5dC0mS0NDQgGeffRa33norbrzxRj1iJArJvu59aPY0I8WcgnnF8wx//Fn5swAAW9q2GP7YRKqG7n4ATNJHo9Zdi4AcgMPiQKGjUHQ4iUltdy9gkk6xz+jhcQ6Lcg4+qZJ0SRqqpnNXOlH4K9huu+02BINBLFy4EB6PByeffDLsdjtuvfVWfPe739UjRqKQrG9RZiLMzJ8Ju9n4M47T85Q1Qvu698HldXFtEwlRz0r6qA1vdTfy2EzSCAaBtl3KdSbpFAcqctPw2YFOVBuUpCdlJR1QkvTW7UzSiRBBJV2SJPz0pz9FR0cHtm7dijVr1qC1tRX33HOPHvERhWxDs9JmfkzBMUIePyclB2XpZQCArW1bhcRA1Kgm6ZzsHjE1SWeru066DgA+D2C2DQ2LIophVflKJX2fQUl6Ug6OA1hJJxom7CT9H//4BzweD2w2G6ZOnYrjjz8e6enpesRGFBb1LLioJB0AZuQr+363tLLlncRo6GK7+2ipk92rspik60Jtdc+bCJjDbugjMlzF4PA4oyrpSTk4DmCSTjRM2En6D37wAxQUFOCKK67Am2++iUAgMOogHnnkEVRUVCAlJQXz5s3DJ598EtLPPf/885AkCeeff/6oY6D41uppRV1PHUySSTsbLoL62JvbNguLgZKXLxBEs5tJ+mhp7e5OVnl10crz6BRfKgZ3pVe3ewx5vKTckw4wSScaJuwkvbGxUUuOL7nkEhQXF+Omm27Cxx9/HFEAL7zwApYuXYo777wT69evx6xZs7BkyRK0tLQc9eeqq6tx66234qSTTorocSmxqFX0idkTtbNcIszIG6qky7IsLA5KTk3d/ZBlwGYxIXdwGjGFJygHh3akZzFJ10WLOtmd69coPpRlK0l6R68XHq/+a9jY7l4N8D0UJbmwk3SLxYKvfOUrePbZZ9HS0oLf/OY3qK6uxmmnnYZx48aFHcDDDz+MG264Addeey2mTp2Kxx57DA6HA3/961+P+DOBQABXXnkl7r77bq59IwBDSfrs/NlC45icMxlWkxWdA52o66kTGgsln4Zh59FNJg48i0RzbzP6/H2wSBaUZ5SLDicxsZJOcSYz1QpninI0o76zT/fHU5N0X9AHbyCJdoZnjVEuB1xAX6fYWIgECztJH87hcGDJkiU488wzMWHCBFRXV4f1816vF5999hkWLVo0FJDJhEWLFmH16tVH/Llf/OIXKCgowPXXXz/iYwwMDMDlch30hxKPOtn92MJjhcZhM9swOUepDm1uZcs7Gauhm5PdR0utopc7y2E1WQVHk4CCAaB1cLI7K+kUR9Rqep0BSbq6gg1Ismq6zQGkFynX2fJOSS6iJN3j8eDZZ5/FWWedhdLSUvz2t7/FBRdcgM8//zys+2lra0MgEEBh4cF7aAsLC9HU1HTYn1m1ahWefPJJPPHEEyE9xgMPPIDMzEztT3k5KyOJxuPzYGfHTgBih8apZubPBMB96WQ8dWhccSaT9EhxsrvOOvYDgQHAkjrU2koUB8qyldfVuk79z6WbTWakWpTH4/A4ouQUdpJ+2WWXoaCgAD/4wQ9QVVWFFStWYM+ePbjnnnswebK+n4q73W58/etfxxNPPIG8vLyQfub2229Hd3e39qe2tlbXGMl4m9s2IyAHUJxWjKK0ItHhHHQunchIart7aRbXr0WKSbrO1Fb3/ImAySw2FqIwGFlJBzg8jkk6Jbuwd5+YzWb861//wpIlS2A2H/wLduvWrZg+fXrI95WXlwez2Yzm5uaDvt7c3IyiokOTrb1796K6uhrnnHOO9rVgMAhAOSu/c+fOQ87F2+122O32kGOi+KOdRy+YLTaQQTPzlEr69o7t8Aa8sJk5wIuMoZ1JZ7t7xLShcZkcGqcLbWgcz6NTfBmqpBuTpKdZ09Da18oknShJhV1JV9vc1QTd7Xbj8ccfx/HHH49Zs8JbfWWz2TBnzhwsW7ZM+1owGMSyZcuwYMGCQ24/efJkbNmyBRs3btT+nHvuuTjttNOwceNGtrInqQ3NSpJ+bIHY8+iqsowyZNuz4Qv6sKNjh+hwKIlwR/rosZKuM21oHM+jU3wxst0d4IR3JumU7MKupKs++OADPPnkk3jppZdQUlKCCy+8EI888kjY97N06VJcffXVmDt3Lo4//nj89re/RW9vL6699loAwFVXXYXS0lI88MADSElJOaRSn5WVBQBhVfApcQTloLaTPBbOowOAJEmYnjcdH9Z/iK1tW7Uz6kR6YyV9dLoHutHR3wGAlXTdtKhJ+lSxcRCFie3uBmGSTgQgzCS9qakJTz31FJ588km4XC5ccsklGBgYwKuvvoqpUyP7hXvppZeitbUVd9xxB5qamjB79my8/fbb2jC5mpoamEyjGkJPCazeXY9eXy9sJhvGZYW/AlAvk3Mm48P6D7Grc5foUChJuPp9cA8o+3tLeCY9Imqre1FaERxWxwi3prAF/EDbbuU6J7tTnCkdrKS3D+5Kd9girnOFRH0NStrBcd11QMAHmLllg5JTyK8w55xzDj744AOcffbZ+O1vf4szzjgDZrMZjz322KiDuPnmm3HzzTcf9nsrVqw46s8+9dRTo358il9qEjwuaxwsJn1/YYZDXcPGdncySuNgq3uWw6r7m8dEpba6VzpZRddF1wEg6FMmu2fyeBrFF3VXuqvfj/rOPkwozND18bRKujfJKunphYAlBfD3K4l6Dl+PKTmFXKJ+6623cP311+Puu+/G2WeffcjQOCIR1CR9QvYEwZEcTE3Sd3fuhj/oFxwNJQOt1Z3r1yK2r2vwPHoWz6PrQq2i544H2CFHccjIlnftTLo/yZJ0kwnIGqtcZ8s7JbGQf0uuWrUKbrcbc+bMwbx58/DHP/4RbW1tesZGNKLdXcqbvonZEwVHcrCyjDKkWdPgDXpR3V0tOhxKAvU8jz5qHBqns7bB4z9548XGQRQhI4fHqUl6jzfJ2t0BnksnQhhJ+vz58/HEE0+gsbER3/rWt/D888+jpKQEwWAQ7733Htxut55xEh2WWkmPtSTdJJkwKXsSAGBHJ1veSX/ckT56XL+ms3a1kh5bnU9EoRJRSff4jZkmH1OYpBOFv4ItLS0N1113HVatWoUtW7bghz/8IR588EEUFBTg3HPP1SNGosPy+DyocdUAiL0kHQAm5Qwm6e1M0kl/nOw+Ov3+ftT31ANgkq6btj3KZV7svV4ThcLIXenq4DiPj0k6UTIa1aGwSZMm4aGHHkJdXR2ee+65aMVEFJJ93fsgQ0ZOSg5yU3NFh3MIbXgcK+lkAHVHejGT9IgccB2ADBlOmxO5KbH3epIQ1Eo6290pThnZ7u6wKEl60q1gA5ikE2GUSbrKbDbj/PPPx+uvvx6NuyMKSay2uqvUSvrOjp2QZVlwNJToGrrZ7j4aw1vdJUkSHE0C6usEeluV67lM0ik+GdnurlXS2e5OlJQ4XpXiVqwn6eOzxsMsmdE10IVmT7PocCiBBYIymrqVSjrb3SPDoXE6U1vdM4oBu76rq4j08sVd6XrSzqQnZbv74HT3/i7lAz6iJMQkneLW7s7YnOyuspvt2tnWnR07BUdDiazVPQB/UIbZJKEgg5X0SDBJ15nW6s6hcRS/MlOtyEixAADqda6mq+3uSVlJt6UBaQXK9c4DYmMhEoRJOsUlWZZjdkf6cNq59A6eSyf9qOvXipwpMJvYqh0JTnbXWRsnu1NiMKrlXduTnoxn0gG2vFPSY5JOcam1rxVdA10wSSaMyxonOpwjUpP0nZ2spJN+hia7s4oeiUAwgOruagCspOtG25HOJJ3im1HD47RKejK2uwNM0inpMUmnuKS2ulc4K2A32wVHc2SspJMRGru5fm00Gnoa4A16YTPZUJJeIjqcxNQ+eCadlXSKc0atYRs+OC4oB3V9rJjEJJ2SHJN0ikuxPjRONSlbmfBe665Fj7dHcDSUqNT1a0zSI6OeRx+bORZmk1lwNAko4Ac6lH9jVtIp3hnV7q4m6QDQ7+/X9bFiEpN0SnJM0ikuxcN5dADISslCUVoRgKGYiaKtvouV9NFQz6Oz1V0nXQeAgBewpACZ5aKjIRqV0sHX2boufZP0FHMKTJLyNj0pz6UzSackxySd4tKeLqV1ckJWbCfpgLKKDRiKmSja1DPp3JEeGU5215na6p4zDjDxbQfFt+JM5XW2xaVvdVuSpOSe8K4m6d21SjcOUZLhb0uKO7Is44BLWclRlRX7b6rVJH1v117BkVCiamAlfVTUJJ2T3XXSxvVrlDgKnYNJunsAwaCs62OpLe9JWUnPKAbMNiDoB1z1oqMhMhyTdIo7bX1t6PP3wSyZUZIW+0Oe1Oock3TSQ583gE6PDwBQnMkkPVyyLLPdXW/ckU4JJC/dBpMEBIIy2noHdH2spJ7wbjIBWWOV62x5pyTEJJ3iTo27BgBQnFYMq9kqOJqRsd2d9NQwONk93W6BM8UiOJr4097fDpfXBQkSxjrHig4nMXFHOiUQi9mEvHRlq0yLS98kXd2VnpTt7gDPpVNSY5JOcafGpSTpY5xjBEcSGnWPe3t/O7r6u8QGQwln+I50SZIERxN/1Cp6SXoJUiw8068L9Ux63nixcRBFidry3qzzuXRtDVsyVtIBJumU1JikU9ypddcCAMoz4mNKsMPq0NryWU2naON59NFhq7vOvL1AT7NyPYf/xpQYCp1KJb1J5yQ9zaJU0pPyTDrAJJ2SGpN0ijtqu/uYjPiopAND1XSeS6doq+eO9FHhZHeddSgfgiA1W/lDlAAKtEq6vu3uqVbldZ3t7tUioyASgkk6xZ14a3cHeC6d9DO0fo1JeiT2dXGyu646B5P0bP77UuIochqzhk09k85KerXIKIiEYJJOcUWWZa3dPS4r6d2spFN0qUm6uruXwqN2t6j/jVKUdSgfgrDVnRKJUe3uSb0nHQCyB4d59nUA/d1iYyEyGJN0iiudA53o8fVAgoTSjFLR4YSMu9JJL43dbHePVPdAN1r6WgAwSdeN2u7OJJ0SiFHt7kk/OM6eATjylOudB8TGQmQwJukUV9QqemFaIexmu+BoQqe20nb0d6Cjv0NwNJQoZFlGPdvdI6Z+aFboKESGLUNwNAlKq6Sz3Z0Sh2Ht7oOD45I2SQfY8k5Ji0k6xRXtPHoctboDyqfhpelK5Z/VdIqW9l4vvP4gJGloJRCFTp0RMT6bq8F008lKOiUe9fW2vdeLAX9At8dRK+lJeyYdGJak7xcaBpHRmKRTXIm39WvDseWdok09j16QYYfNwpfzcKn/LY7PZJKuC/8A0F2nXOfgOEog2Q4rbGblNbfVrV/Lu9bunqxn0oGhc+lsd6ckw3d1FFe09WtxNNldpZ555YR3ipahoXFsdY8Eh8bprKsGkIOANQ1ILxAdDVHUSJKEgsHhcXqeS9cGx7HdHehikk7JhUk6xZVaV/xNdlexkk7Rpu5I53n0yGjt7lmspOtCGxpXCUiS2FiIoqxQGx6n37l0dQVbUlfSs9RKerXQMIiMxiSd4opaSY/HdndtDRuTdIqSxsFKekkWz6OHq6u/C+397QBYSdcNh8ZRAivUKun6JelqJZ1n0qF05gSDQkMhMhKTdIob3QPd6BroAhCfSXpVZhUkSOgc6ER7X7vocCgBNHSrSTor6eFSq+glaSXauU+KMg6NowRWaMAaNlbSAThLAckMBLxAT5PoaIgMwySd4kadWxlAlJ+aH5dvqlMsKShJLwEAVLuqxQZDCUFtd2eSHj5OdjeAWknn0DhKQEa0u3O6OwCzBcgsU66z5Z2SCJN0ihvx3OquqnBWAACqu6uFxkGJoYE70iOmJulsdddRByvplLgMaXcfTNL9QT98AZ9ujxPztDVsHB5HyYNJOsUNbUd6HE52V1VkVgBgJZ1Gb8Af0Fb/FGfyTHq4tPVrHBqnj2BgqOrFM+mUgAyppFuGugaTupqezeFxlHyYpFPcYCWdaEhTt/LG0G4xISfNJjia+MP1azpz1QNBH2C2KWdKiRKMEWfSLSYL7GalYp/U59K5ho2SEJN0ihv1PfUAgLL0MsGRRI6VdIqWhmHr1ySutwpLe187Ogc6IUFCVSZbsXWhnUevAExmoaEQ6UFN0nsG/OgZ8Ov2OJzwDq5ho6TEJJ3iRlOvMtWzOL1YcCSRUyvpde46+IJJfL6MRq2hi5PdI6VW0UvTS5Fq4b+fLtTz6BwaRwkq3W5Bmk35AKrFgHPpyV1JH3wd4Zl0SiJM0ikuBOUgmj3NAIAiR5HgaCJX4ChAqiUVftmPene96HAojjVwR3rEONndANqOdHYqUOIqzNS/5Z0T3jF0Jt3dCPj0+0CEKJYwSae40NHfAX/QD5NkQr4jX3Q4ETNJJox1Kr9s2PJOo6HuSC/OZCU4XFqSzqFx+tGSdFbSKXEVZug/PC7NouxK7/P16fYYMc+RC1jTAMhAd63oaIgMwSSd4oLa6p6XmgeLySI4mtHh8DiKhvphZ9IpPDs7dwIAJmZPFBxJAlMHPKkDn4gSkJFr2Hr9SVxJlySuYaOkwySd4oKapBelxW+ru4rD4ygaeCY9MoFgALs7dwMAJuVMEhxNAutUtnFoA5+IEpAR7e5pVqWS7vEl8Zl0YNgatv1i4yAyCJN0igtakh7H59FVaiV9fzd/0VBkZFlGI8+kR6TWXYs+fx9SzCkYm8EEUhd9ncBAt3I9a4zYWIh0ZES7uzrcMqnPpANcw0ZJh0k6xQVW0omGuPr86PUGALCSHq4dnTsAABOyJ8DM1WD66BqsoqcVADaH2FiIdFQw2O7e4tbxTLpaSU/m6e7AsDVsTNIpOTBJp7jQ5EmgJH2wkt7R3wGX1yU2GIpL9YNV9Nw0G1KsTDTDsatjFwCeR9eV+iaaVXRKcAWDlfQWt47T3Qf3pLPdvUK55K50ShJM0ikuqJX0Qkeh4EhGL82ahvxUZUI9h8dRJNTz6MVsdQ+bOjRucs5kwZEkMG1oHI8TUGIryBispLsGIMuyLo/BSvog9fWE7e6UJJikU1xIpHZ3gC3vNDrq+rUSrl8L244Opd2dQ+N01MWhcZQc1Hb3Pl8APQN+XR6De9IHqa8n/d3K3AuiBMcknWKeP+hHa18rgARK0rmGjUahnpPdI9LZ34kWTwsAtrvriu3ulCQcNgsy7MpaWL0mvLPdfZDNocy5AHgunZICk3SKeW19bQjKQVgkC3JTckWHExVaks5KOkWgkTvSI6K2updnlGstpKQDtrtTEsnXeXgcK+nDaGvYqoWGQWQEJukU89RW9wJHQcJMY2a7O40Gd6RHZmeHkqRPymaru25kme3ulFTUc+mtOg2PUz9Q7PP36XL/cYVr2CiJMEmnmJdo59EBoNJZCQA40H0AgWBAcDQUbzg4LjJaks7z6PrpbQN8HgASkFkmOhoi3WkT3nVud2clHVzDRkmFSTrFPG2ye1r8T3ZXlaSXwGaywRv0oqGnQXQ4FEd8gSCaXEpbZRkr6WFR291ZSdeRWuFylgAWu9hYiAygTXjXqd2d092H4Ro2SiJM0inmNfY2AkisSrrZZNZa3vd17xMbDMWVZlc/gjJgNUvIS2cSFCpvwIt9Xcp/a1y/piM1SWerOyWJAu1MOivpuuMaNkoiTNIp5mnt7o7ESdIBoCqzCgCTdApPw+DQuOLMVJhMkuBo4se+7n3wy35k2DIS6gO/mMPJ7pRkCp1Ku3uzS9/BcX3+PgTloC6PETe0M+k1QDDJ/y0o4TFJp5jX5Em8M+kAk3SKjHoenZPdw6PuR5+cMxmSxA83dMPJ7pRk8jN0rqQPJukAh8fBWQqYLEDAC7gbRUdDpCsm6RTzEnFwHABUZTFJp/BxR3pk9nTuAQBMyJogOJIEx8nulGTUwXGtOg2OSzGnwCQpb9eTfle6yTw0kJIt75TgmKRTTPMGvOjo7wCQgEm6Wknv2gdZlgVHQ/GiXqukc7J7OPZ0K0n6+OzxgiNJcGx3pySjnkl3D/jR543+thZJkngufTgOj6MkwSSdYlpzbzMAwG62I9ueLTia6BrrHAuTZEKPrwetfa2iw6E4wR3pkdnbtRcAMD6LSbpugkGgu1a5znZ3ShIZdgtSrMrbab0mvKst75zwDq5ho6TBJJ1imnoevdBRmHDnSG1mG8ozygGw5Z1Cp51Jz2aSHqoeb492bGZc1jjB0SQwd6NyVtRkATJKREdDZAhJkrThcZzwbgBW0ilJMEmnmJao59FVlZmVAKCthiI6GlmWUd/JSnq49nYrVfSC1AI4bU7B0SQw9Ty6sxQwW8TGQmQgdVe6XhPe1V3pST84DuAaNkoaTNIppiV6kj4uU6nqsZJOoXD1+dE7eOaxJJNJeqjUoXGsouuMk90pSanD41p0Gh6ntruzkg5W0ilpMEmnmNbsUc6kFzoKBUeiD054p3CoQ+Ny0mxItZkFRxM/9nQxSTeENjSOSTolF93XsA22uyf9dHcAyKpQLt2NgE+fzgWiWMAknWJaq0cZqFbgKBAciT6GT3gnGgl3pEeGQ+MMwvVrlKTUCe96D45jJR2AIwewZSjX1UGVRAmISTrFNHXqeb4jX3Ak+lDPpLf3t6N7oFtwNBTrGrrV8+hcvxYONUlnJV1n6hvmrHKxcRAZTNuVrnMlnWfSAUjS0JEatrxTAmOSTjFNS9JTEzNJT7Omaeft93fvFxwNxToOjQufy+tCS18LACbpulOT9MwysXEQGaxQraTrdCY91aK85nMF26AsJumU+JikU8wKykG09bUBSNwkHRjW8s5z6TSCera7h02tohc6CpGhtkhS9AWDQHe9cj2TlXRKLmolvVnndndW0gdxeBwlASbpFLO6BrrgD/oBAHmpeYKj0Y+apKvJBNGR8Ex6+NShcTyPrrPeViAwAEgmwMkd6ZRc1BVsXR4fBvyBqN+/Vknn4DgF17BREmCSTjFLHRqXbc+G1WwVHI1+tF3prKTTCBq6lCoN291Dx/PoBumuUy4zioEEfr0mOpwshxU2s/KWWo9z6TyT/gVaJZ1JOiUuJukUs9Tz6HmOxK2iA0PJg1rxIzocrz+otVIySQ8dK+kG6R6c7M7z6JSEJEnSdQ0bz6R/gXYmnUk6JS4m6RSztPVrqYm5fk01MXsiAKCpt4kT3umIml39kGXAZjEhN80mOpy4wfVrBlEr6TyPTkmqQMfhceqZdLa7D8oao1wOdAN9nWJjIdIJk3SKWerQuEQ+jw4AGbYMlKUr1aedHTsFR0OxavjQOJNJEhxNfOge6NZeR9jurrMuTnan5KaeS2/VYXgc292/wOYA0guV6xweRwmKSTrFrBaPsjapwJHYlXQAmJwzGQCwo2OH4EgoVqlD47gjPXRqq3tJWolWiSKdqJV07kinJKVNeNehkq62uzNJH4YT3inBMUmnmJUslXQAmJQzCQCTdDoybUd6Js+jh6q6uxoAUJlVKTaQZKCdSWeSTsmpQDuTrkMlXW1355n0IdmDr+sd+8XGQaQTJukUs9TBcfmOxN2RrtIq6Z1M0unwGrrVSjqT9FAdcCtDhcZmjBUcSRLQ2t2ZpFNy0s6k6zg4rs/HSrqGlXRKcEzSKWapg+PyU5MnSd/ftR8Dgej/gqf4Vz+4fq00m0l6qGpcSnV3jHOM4EgS3IAb6O9SrvNMOiUptd1dl8FxlqFKuizLUb//uJQzWEnvZCWdEhOTdIpJsiwnVSW90FGITHsm/LJfm0ZNNFzDsMFxFJoDLqWSPiaDSbqu1PPoKZlAilNsLESC6FlJV9vdA3IAvqAv6vcfl1hJpwTHJJ1iksvr0n4RJcOZdEmStGo6J7zTF8myPGxwHJP0UATlIOrcSvI41sl2d11x/RqRVklv7x2APxCM6n2r7e4A17Bp1DPp3XWA3ys2FiIdMEmnmKROds+0Z8JutguOxhiTsznhnQ6vy+ODxxsAABRncrp7KFo8LegP9MMiWVCSXiI6nMTWxaFxRLlpNphNEmQZaOuJbtJoMVlgM9kAcMK7Jr0AsKQCchDorhUdDVHUMUmnmKS1uifBeXQVJ7zTkag70vPS7UixmgVHEx/U8+gl6SWwmCyCo0lwWiWd59EpeZlMEvLSlURajwnvqValms4J74MkaVjLO8+lU+Jhkk4xKZnWr6m0dvfOnQjK0W2Vo/g2dB6dVfRQqZPdOTTOAGoVizvSKckZMjyO7e5DtOFx1ULDINIDk3SKSWq7e4GjQHAkxqnIrIDNZEOvrxf1PfWiw6EYwvPo4at1KYkjz6MbgJV0IgBAoZ7D4waTdLa7D6NW0rkrnRIQk3SKSclYSbearBifPR4Ah8fRweqZpIeNk90NpO1I5781Jbd8tZKuR7u7he3uh8hmJZ0SF5N0iknqjvRkqqQDQy3vPJdOwzWoO9KZpIesxs0d6YYI+AF3g3Kd7e6U5Aoy9F/Dxkr6MFzDRgmMSTrFJHVwXDJV0gFgUrYyPG5b+zbBkVAsYSU9PEE5iFr3YLt7BtvddeVuUKYrm21AWnJ9qEr0RdqudJeOlXSeSR8y/Ey6LAsNhSjamKRTTFIr6ck03R0AZuTNAABsadsCmb9waNDQ4Dgm6aFo8bRgIDAAi2RBcXqx6HASm3oe3VkKmPiWgpKbNjhOxzPpbHcfJmsMAAnw9gC9baKjIYoq/kalmCPLsnYmPd+RXEn65JzJsJvt6Bro0s7UUnIb8Ae0N3wlnO4eEvW/ndKMUq5f05t2Hp1D44i0dnc9pruz3f1QFrvyASHANWyUcJikU8xx+9zoDyitYslWSbearZiWOw0AsLF1o9hgKCY0dSv/LaRYTchJswmOJj5waJyB1PVrmTyPTlToVD5IbesZQDAY3W44trsfAc+lU4Jikk4xp82jVNEzrBlIsSRf5XBW/iwAwKbWTYIjoVgw/Dy6JEmCo4kPNS5laBzXrxnANbguMrNUbBxEMSAv3QZJAvxBGR0eb1TvW03SWUn/gpwK5ZJr2CjBMEmnmKMOjUu2VncVk3QajpPdw8fJ7gZyDU52dzJJJ7KYTcgd7HiKdsu72u7OM+lfwEo6JSgm6RRzWjwtAJKv1V01q0BJ0vd07kGPt0dwNCRafedgJT2TSXqo1Eo6290N0K1W0nkmnQgY2pXeHOVd6aykH4G2K52VdEosTNIp5rT3tQMA8hzJtX5NlZeah9L0UsiQsaVti+hwSDBtsns2k/RQDF+/xkq6AVzqdPcSsXEQxQh1eFxrtCvp6nR3nkk/WPawNWxECYRJOsWc9n4lSc9NyRUciTgz82cCYMs7AQ3d3JEejubeZniDXlhMFhSncf2arrweoK9Tuc52dyIAQKG6Kz3alXTr4OA4trsfTG13dzcqr0lECYJJOsWcjv4OAEBOSo7gSMThuXRSDQ2OS74hipE44FYmu5ell3H9mt7U8+i2dCAlU2wsRDFCr13paiWd7e5f4MgB7IOvP11cXUuJg0k6xRytkp6avJX02fmzAShJelAOig2GhJFleajdnZX0kGjn0dnqrr/hre7cPEAEAChw6rMrnSvYjkCSgJzBlveOfWJjIYoiJukUczr6WEmfmDMRKeYUuL1uVHdXiw6HBOno9aLfF4QkAUWZrKSHgjvSDcTJ7kSHUM+kR7vdXZ3uzkr6YeRUKZdM0imBMEmnmMMz6YDVZMXU3KkA2PKezNT1a/npdtgtZsHRxAd1/Rp3pBugmzvSib5Im+6u1+A4nkk/lJqkt+8VGwdRFDFJp5giyzLPpA+aXTAbAPBZ82diAyFhhs6js9U9VGx3N5DW7s4knUilTXd3D0CW5ajdr7aCzcdK+iFYSacExCSdYorb54Y/6AcA5KQmd5I+r3geAGB14+qo/qKn+MH1a+EJBAND69fY7q4/trsTHUI9k+4NBNHd54va/art7n7ZD18gevebEHLHKZcd3JVOiYNJOsUUdUd6ujUddrNdcDRiHVtwLGwmG1o8LdjXzU+Hk5FWSed59JA0eZrgC/pgNVm5fs0IbHcnOoTdYkaWwwoguhPe1Uo6wJb3Q6iV9O5awB/dYwZEojBJp5jCVvchKZYUzCmcAwBY3bBacDQkQl2n8kasLNshOJL4oLa6l2WUwWziGX7dsd2d6LC04XFRPJduNVlhNSnJP4fHfUFavrIKEjLQyTVslBiYpFNMUZP0ZF6/NtyCkgUAlJZ3Sj5qJb2M7e4hUZP0sRkcGqe7gR6gv1u5ziSd6CAF2vA4fSa8cw3bFxy0ho3D4ygxMEmnmKK2u7OSrlCT9E+bPuUZtCRU16km6aykh+KAW6mglDvLBUeSBNTz6HYnkOIUGwtRjFFXZjZFOUnXdqWz3f1QHB5HCYZJOsUUtrsfbGL2ROSk5KDP34eNrRtFh0MGcvf70OVRPpjh4LjQsJJuIK3VvURsHEQxSJ0jog7/jBZ1DRvb3Q8jRx0exySdEkNMJOmPPPIIKioqkJKSgnnz5uGTTz454m2feOIJnHTSScjOzkZ2djYWLVp01NtTfGGSfjCTZML84vkAeC492ait7tkOK9LtFsHRxAd1RzrXrxmAk92JjqgoU/lgtalbp0o6290PxUo6JRjhSfoLL7yApUuX4s4778T69esxa9YsLFmyBC0tLYe9/YoVK3D55Zdj+fLlWL16NcrLy7F48WLU19cbHDnpQW1355n0Idq5dCbpSaWug63u4QgEA6hzK9VdJukGUCe7s5JOdIjirMFKepSTdPVMOivph8EknRKM8CT94Ycfxg033IBrr70WU6dOxWOPPQaHw4G//vWvh739s88+i+985zuYPXs2Jk+ejL/85S8IBoNYtmyZwZGTHlhJP9SCYiVJ/7z9c3QPdAuOhowyNNmdre6haOxt1NavFTmKRIeT+NR298wysXEQxaBi9Ux6d3STaZ5JPwo1Se+qAfxesbEQRYHQJN3r9eKzzz7DokWLtK+ZTCYsWrQIq1eHVjX0eDzw+XzIyTl8UjcwMACXy3XQH4pdTNIPVZhWiHGZ4yBD5pT3JDI0NI5JeijU8+jlGeVcv2YEtrsTHVHxYLt7p8eHPm8gavernklnu/thZBQBVgcgB5VEnSjOCU3S29raEAgEUFhYeNDXCwsL0dTUFNJ9/PjHP0ZJSclBif5wDzzwADIzM7U/5eWc+hvL2vvZ7n44Xyr9EgDg/QPvC46EjMLJ7uHheXSDsd2d6IicKRak2ZQPC6M54Z3t7kchSWx5p4QivN19NB588EE8//zzeOWVV5CSknLY29x+++3o7u7W/tTW1hocJYXKG/DC7XUDAHJTmKQPt6RiCQBgRd0K9Puje8aNYlNdF9vdw3HApaxfG5PBJN0QrsEkne3uRIeQJElbw9YYxQnvbHcfgbYrnUk6xT+hSXpeXh7MZjOam5sP+npzczOKio5+pvBXv/oVHnzwQbz77ruYOXPmEW9nt9vhdDoP+kOxSW11t0gWZNgyBEcTW6bnTUdJWgn6/H1YVb9KdDhkAFbSw6NW0sc6uX5Nd/0uYGDw6Bgr6USHVZKlJNSNURwexxVsI2AlnRKI0CTdZrNhzpw5Bw19U4fALViw4Ig/99BDD+Gee+7B22+/jblz5xoRKhlATdKzU7JhkuK6ySPqJEnC4orFAIB3qt8RHA3pjTvSw6eeSWe7uwHU8+j2TMDOD1SJDqfIOVhJj+LwOK5gGwGTdEogwjOhpUuX4oknnsDTTz+N7du348Ybb0Rvby+uvfZaAMBVV12F22+/Xbv9L3/5S/z85z/HX//6V1RUVKCpqQlNTU3o6ekR9VegKOH6taNTW95X1q3kp+gJTt2RnsUd6SHxB/2o61GmjY/NYCVdd9pkdw6NIzqS4sFKejTXsKln0tnufgRM0imBCH/3d+mll6K1tRV33HEHmpqaMHv2bLz99tvaMLmamhqYTEOfJTz66KPwer346le/etD93HnnnbjrrruMDJ2ijJPdj25a7jSUppeivqceH9Z9qFXWKfHUc7J7WBp7G+EP+mEz2VCYVjjyD9DocLI70YiG1rCx3d0wOeOUy85qIOADzFah4RCNhvAkHQBuvvlm3HzzzYf93ooVKw7639XV1foHREIwST86SZKweOxi/O3zv+HdA+8ySU9g2nn0LJ5HD8Xw9Ws8KmMATnYnGpGapDfoMTiO7e6H5ywBrGmAr1dJ1PMmiI6IKGJ8N0MxQ2t352T3I1Jb3j+o+4C/pBNYXScnu4dDm+zO8+jG4GR3ohGpu9K5gs1AkgTkDlbT23aLjYVolJikU8zQKumprKQfydTcqShNL0Wfvw/LapaN/AMUl+rY7h6WWreyWpOT3Q2iJulsdyc6ouIspZLe5fGhzxuIyn1yBVsI1Op52y6xcRCNEpN0ihlsdx+ZJEm4YPwFAIAXdr4gOBrSC9evhUetpJdnlAuOJEmw3Z1oRM6UocGf0Zrwrp5JZyfdUeQOJuntrKRTfGOSTjGDSXpoLpp4ESwmCza1bsL29u2iwyEdaO3uOaykh4I70g2mDo5juzvRURVlqmvYotPynmpVfiew3f0otEr6HrFxEI0Sk3SKGVzBFpq81Dx8ecyXAQDP73xecDQUbT0DfnSqO9KzmKSPxB/0o96tVHaZpBugvxvwupXrrKQTHVVxlJN0rZLOdvcjy2MlnRIDk3SKCbIsa5V0Do4b2WWTLwMAvLnvTXQPdAuOhqJJXb+W5bAiI4XrY0bS2NMIv+yH3WxHgaNAdDiJT211T8kCbGlCQyGKdVqSHqUJ7+qZdH/QD1/AF5X7TDi545VLTzvg6RAbC9EoMEmnmODyuuCX/QCA7JRswdHEvmMKjsGE7AnoD/TjtT2viQ6HooiT3cNzwD10Hp3r1wzAVneikKkT3huiXEkHWE0/Ilva0FDLdra8U/ziOxqKCe39Sqt7hjUDdrNdcDSxT5IkXDZJqaa/sPMFBOWg4IgoWrgjPTza+rUMrl8zhKtOueRkd6IRqZX0pigNjrOarbCYlGF0PJd+FGo1nWvYKI4xSaeY0NHH9Wvh+krVV5BuTUeNuwbv17wvOhyKElbSw8P1awbjZHeikBUPzhWJ1pl0gOfSQ8Jz6ZQAmKRTTOgc6AQAZNvZ6h4qh9WBK6ZcAQD406Y/sZqeIOq7uCM9HNr6NSfXrxlCa3dnJZ1oJCVRHhwHDJ1L7/Oxkn5E6ho2VtIpjjFJp5jQ2T+YpPM8eliumnoV0q3p2N25G/878D/R4VAUqO3updyRHpIa1+D6tQxW0g2htbvzTDrRSNQVbN19Pni8/qjcp8PKSvqI8pikU/xjkk4xoWugCwCQZc8SGke8ybRn4mtTvwYAeHTTo6ymJwDtTDor6SPyBX2o71Har8c4eSbdEGx3JwpZRooVGXblDHnUdqVbuCt9RGqS3rEPCETnwxEiozFJp5igVtKzUrLEBhKHvjbla8iwZmBP1x68e+Bd0eHQKPQO+NHR6wUAlDJJH1FjTyMCcgAp5hSuXzOCLHO6O1GYirOUarq6XnO01CSdlfSjcJYBllQg6AO6DoiOhigiTNIpJqi7vnkmPXwHVdM3Pgp/kJ8axyv1PHpmqhVO7kgfkXoevSyjjOvXjNDfBfh6leuspBOFpGzw6FJtZ3SSap5JD4HJBOSOU65zDRvFKb6roZigDo5ju3tkvjb1a8i0Z2Jf9z48t+M50eFQhDjZPTw17sHz6Jzsbgy11T01B7DyOUoUivLB1/O6KFfS2e4+Aq5hozjHJJ1iQld/FwAm6ZFy2py45dhbAAB/3PBHNPc2iw2IIsLz6OHRdqTzPLoxONmdKGzlOYOV9I4oV9KZpB8d17BRnGOSTjFBW8HG6e4Ru3DChZiZNxMevwe/Wvcr0eFQBIaSdE52D4VWSedkd2NwsjtR2Iba3VlJN1TeROWSlXSKU0zSKSaoZ9JZSY+cSTLhZ/N/BpNkwtvVb+Pjho9Fh0RhYrt7eNT1a6ykG4ST3YnCVp4z2O4epUq6w6Ik/UzSR6BW0lt3io2DKEJM0kk4X8CHHl8PACbpozUldwoun3w5AODeNffC4+P013jCSnrofEEfGnqU9usxGUzSDcF2d6Kwqe3u7b1e9A6MfrArK+khypsEQAI8bUBPq+hoiMLGJJ2EU3ekmyQTMmwZYoNJADfPvhlFaUWoddfil5/+UnQ4FAaeSQ9dvbseATmAVEsq168Zhe3uRGFzpliRmaps64jG8Dgm6SGyOYDsCuV663ahoRBFgkk6Cacm6Zm2TJhNZrHBJIB0Wzru/9L9kCDh5d0vY9mBZaJDohB4vNyRHg71PHp5RjkkSRIcTZJguztRRNSW92gMj2OSHoaCqcplC5N0ij9M0kk4NUnPSskSGkciOa7oOFw7/VoAwJ2r70SLp0VwRDSS+k7uSA+Hdh6dre7GkGW2uxNFqCwrervSU61M0kNWMFm5ZJJOcYhJOgnX2c8d6Xq4efbNmJIzBd0D3fjB8h/A5XWJDomOgq3u4eH6NYP1dQJqUpDBSjpROLThcWx3N1b+FOWSSTrFIYvoAIi0SjqT9Kiymq148OQH8fU3v47NbZvxjXe+gT9/+c9HXXNX66rF2qa12Nq2FVvbtqI/0I/yjHKMdY7FSaUn4cTSEw38GyQXTnYPj7Z+zcn1a4ZwDba6O/IAa4rYWIjiTDR3pTNJD0PBYJLeul3pBuLRKIojTNJJODVJ54706KvKrMJfl/wV33zvm9jesR3XvXMdfjLvJ5iRNwMplhQMBAawo2MH1jauxXsH3sOOjh2H3McB1wGsql+FZ7c/i7Mqz8Ltx9/Oowk6UCsspVmc7B4Ktd29PKNccCRJQm1153l0orCVR3FXOpP0MORNACQz0N8NuJsAZ7HoiIhCxiSdhFPb3TPtmYIjSUyTcibhb0v+hhvevQF7uvbguneug0WyoDSjFPXuevjloZUwZsmMYwqOweyC2ZieOx3ptnTUuGvwedvneGXPK3hz/5tY27gW9590P04oOUHg3yrxsN09dL6ADw29StLISrpB1Eq6k+fRicI1fFe6LMujGnapJek+JukjstiBnCqgfTfQso1JOsUVJukknFZJt7OSrpeqrCo8deZT+MP6P2Bd8zq09rVqZ3pzUnIwM28mTh9zOk4rP+2QKvm84nm4eOLFuGjCRfj5Rz/H3u69WLpiKV469yWUpvMNe7Sw3T10dT11CMpBpFpSkZ+aLzqc5OBqVC5ZSScKW9lgJd094Ed3nw9ZDlvE98VKepgKpihJeusOYPxC0dEQhYxJOgnHM+nGKM8ox0OnPARZltHQ24AD3QdQmVmJorSikD7Vn5E/A/8651/4xrvfwIaWDbjjozvwxOInYJI4fzIahirpbHcfyfDJ7ly/ZhCt3Z2VKKJwpVjNyM+wo9U9gNqOPibpRiqYAmx/XamkE8URvrsm4br6uwDwTLpRJElCaXopTig9AcXpxWElOTazDfeeeC9SLan4pOkTPLfjOR0jTR4erx/t3JEeMnVoHCe7G8itJunsniGKRPnga/to17CpSbpf9sMX8I06roSXr65hO3TmDlEsY5JOwnUOcAVbPBnjHIMfzvkhAOA3n/0G+7v3C44o/qk70p0pFmSmckf6SLT1a9yRbhy1kp7BSjpRJNQuqdFOeHdYhrqtPP7RT4tPeAVTlcvWHcqEd6I4wSSdhOse6AbAJD2eXDLpEiwoXoCBwAAe/uxh0eHEPbWyUspW95Co7e4cGmcg7Uw6K+lEkYjWrnSr2QqLSTmtypb3EOSOA0xWwNsDdNeKjoYoZEzSSShfwIceXw8AtrvHE0mScNu82wAAH9R9gBZPi+CI4tuBdiVJH5vDJD0UbHc32IAbGPwwlWfSiSIztIaNu9INZbYqq9gAtrxTXGGSTkKpQ+NMkgkZtgyxwVBYqjKrcEzBMQjKQby+93XR4cQ1LUnPY5I+Em/Ai8ZeparLdneDqFV0uxOw83WaKBLlOdFpdweYpIdNO5fO4XEUP5ikk1DqefRMWyanhMehC8ZfAAB4ZfcrkHnWK2I1HWolPU1wJLFPXb/msDiQl5onOpzkoA2N4/o1okiplfS6zr5R/75Uz6UzSQ9RwRTlsmW72DiIwsCsiITSzqN/YTc3xYclFUvgsDhQ467BuuZ1osOJW9XtvQCAsbmspI9EW7/m5Po1w3BoHNGoFWelwGySMOAPosU9MKr7YiU9TIXTlcvmrWLjIAoDk3QSqrNfqaRn23kePR45rA6cWXkmAKWaTuELBGXUdShvtJikj2z4jnQyiIvr14hGy2o2oTRLSa6r23pHdV9M0sNUPFO5bNkO+PrFxkIUIibpJJR6Jj3Tnik2EIrYBROUlvd3D7wLl9clOJr409jdB28gCKtZQnEmd6SPhEPjBNCSdFbSiUajIk850rQ/Skm6x8cVbCFxlgKOXEAOAC2fi46GKCRM0kkoNUnnZPf4NTNvJsZnjcdAYABv739bdDhxp2ZwaFx5tgNmE9u3R8Id6QK4eCadKBoqB7ul9rezkm4oSQKKZynXGzeLjYUoREzSSSi13Z070uOXJEn4StVXAAAr61YKjib+HFCHxrHVPSTVrmoAQEVmhdA4koo6OC6DSTrRaKiVdLa7C1A02PLeuElsHEQhYpJOQqmVdCbp8e2EkhMAAOua1sEX9AmOJr4MDY3jZPeReHweNPU2AQAqnBVig0kmrKQTRcVQkj66NnUm6RHQKulM0ik+MEknodQVbEzS49uknEnIsmfB4/dgaxunp4ZDbXcfk8NK+kjU8+iZ9kwekTGK3wv0tirXOTiOaFSq1CS9vRfBYORr2JikR0BN0ps/BwIsJlDsY5JOQnX3KyvY+IY7vpkkE+YVzwMArGlYIzia+HJgMEmvyGOSPpLq7moArKIbyt2oXJrtgCNHbCxEca40KxWWwTVsTa7Ip4ynWpmkhy27ErBlAIEBoG2X6GgSkizL2N3sxp9W7MEP/7UJj3+wF2v3tcPj9YsOLS5ZRAdAyY2V9MQxv3g+3ql+B2sa1+DG2TeKDicuyLKMA4Pt7mNy2O4+kv2u/QCAysxKwZEkETVJdxYrw5eIKGIWswljchzY19aL6rZelGRFttGDlfQImEzKKrYDHykt74XTREeUUJbvbMHdr3+O6vZDj3I4bGZ8b+EEXHdiJWwW1odDxX8pEopn0hPH/OL5AIDNrZvR6xvdUJxk0d7rRa83AEkCynO4fm0krKQL4KpXLjk0jigqtDVso5jwziQ9QtrwOE54j6b/bGrADU+vQ3W7BzazCadMzMf3Th+PJdMKUZBhh8cbwINv7cDZv/8Qa/e1iw43brCSTsL4Aj4tmWO7e/wryyhDWXoZ6nrq8FnzZzi57GTRIcU8tYpekpkKu8UsOJrYx8nuAnBoHFFUVeSOfsK7tifdzz3pYeHwuKh74dMa3PbyFsgycP7sEtx3wQyk2YfSy2BQxkvr6/DAWzuwu6UHlz2xBnefOw1XLagQF3ScYCWdhFGr6CbJhAxbhthgKCrmlyjV9DWNPJceigMcGhcyWZa1Snqlk+3uhnENa3cnolGrHJw/sj8KSXqfj5X0sKhJetNmIBgUG0sCeG1jPX78kpKgXzlvDB6+ZPZBCToAmEwSLp5bjvd/eAouPLYUsgzc8drneODN7aManpgMmKSTMOp59ExbJkwSn4qJQG15Z5IeGjVJ5470kbV4WuDxe2CWzCjPKBcdTvJQ29052Z0oKrR292gk6Wx3D0/eRMCSAnh7gM79oqOJa/tae3D7y1sAANeeWIF7z58Ok+nIc0uyHDb8+uJZuHXxRADAnz/Yhx/8ayMCTNSPiJkRCdM9oEx2z7RnCo6EouX4ouMhQcLuzt1o62sTHU7MO8Ad6SFTW91L00thNVvFBpNMtMFxbHcniga13b22oy/iBIVJeoTMlqGBcY0bhYYSz/p9Adz0zw3weAOYX5WDn509FVIIg0UlScLNp0/Aw5fMgtUs4bWNDfjJy1sgy0zUD4dJOgnjGnABYJKeSLJTsjE5ZzIAYG3jWsHRxL4DHaykh0prdedkd2OpZ9I5OI4oKkqyUmEzm+ANBNHQFVmS7bAovzOYpEdAbXlv2Cg0jHh233+3Y3ujC7lpNvzusmNgPkoF/XAuPLYMf7j8GJgk4IV1tbjvv9uZqB8Gk3QSptvLSnoimlM4BwCwtW2r4EhiH8+kh04bGsfJ7sYJBllJJ4oys0nSPpiNtOWdlfRRKDlWuaz/TGwcceqDXa34+5oDAICHL52NQmdKRPdzxvRi/PIiZdr+X1btxyPL90QtxkTBJJ2E0drdbUzSE8nU3KkAgG3t2wRHEtvc/T509HoBsJIeCnVHOie7G6i3FQj6AckEpBeKjoYoYajn0qsjXMPGJH0UyuYqlw0bgIBfbCxxxh8I4p43lPd215xQgVMm5o/q/i6eW447vqK8Z/zVu7vwyoa6UceYSJikkzA8k56Y1CR9e8d2BIIBwdHEruo2pYqem2ZDRgrPWI+EO9IFUIfGpRcqZzmJKCoqRzk8Tk3SfUEf/EEmmmHJmwTYnYDPA7RuFx1NXHn+01rsbulBtsOKHyyaGJX7vO5LlfjWKVUAgP/34mas4R51DZN0EkZtd3fanYIjoWiqcFYg1ZKKPn+f1qJMh9rX1gMAGJefLjiS2DcQGEBDj3I2mpV0A6mt7hlcv0YUTaPdlZ5qTdWus5oeJpMJKDlGuV73qdhY4oir34ffvLcLAHDLoonIdESvuPDjJZNx9oxi+AIyvvnMOuxp6YnafcczJukkDNvdE5PZZMaUnCkA2PJ+NHtblTdnVfmc7D6SGlcNZMjIsGYgNyVXdDjJQx0ax/PoRFFVMcpd6TaTTVtdyyQ9AmXHKZd1PJceqkeW70F7rxfj8tNwxbwxUb1vk0nCry+ZhWPHZMHV78e1T32Ctp6BqD5GPGKSTsKo092z7FliA6Go47n0ke1tVT4pZpI+MrUjozKzMqQ1LxQlWpLOHelE0VSVp3RQ1Xb2wesPhv3zkiTxXPpoqOfSWUkPSWN3H/62qhoA8NOzp8Bqjn76mGI144mr5mJMjgO1HX34xtPr0O9L7iOTTNJJmFiZ7i4HAmj/y19Q+61vw71iBddARIGapH/e/rngSGLXPrWSnsd295Hs7+bQOCG0JJ3t7kTRVOi0I91uQSAo4wCHxxmvdDBJb9sF9HeLjSUOPPVRNbyBII6vzMFpkwp0e5zcdDueuvY4ZDms2FjbhVue34hgMHnfkzNJJ2FiYXCcr74eB66+Gi2/+jV6Vq5E3bdvRPWll6F39WphMSWCabnTAAA7OnZweNxhBIMy9qtn0guYpI+EQ+MEcbOSTqQHSZK01/7dEZ6/ZZI+Cun5QNZYADJQv150NDHN3e/DP9fWAAC+dXKV7t1sVfnpePzrc2Ezm/D250345Ts7dH28WMYknYQRfSa9d+0n2Hf+Behb9xlMaWnIvOACSCkp6N+8GTXXXQ/PZzyrFKmxzrEcHncUDd196PcFYTVLKM9OHfkHktyeLmV/alVWleBIkoxaSefgOKKoGz84NDTSIVlaku5jkh4RreV9ndg4YtwLn9bCPeBHVX6arlX04Y6vzMH/XazsUP/zyn1Ju5qNSToJ4Qv44PErK6hETHeXg0E03XUXgm43UmfNQuWrr6Dkgfsx/n/vIX3hQkCW0XTXXZB9PsNjSwTDh8ex5f1Qaqv7mBwHLDqc7UokgWAA+7r3AQAmZE0QHE0SkWUOjiPS0YTCKCXprKRHRh0eV88k/Uj8gSD+9lE1AOCGk6pgMhk3E+a82aW46bRxAIAfv7QFG2u7DHvsWMF3hySEeh5dgoQMW4bhj+9etgze/fthcjpR/uRfYCsvBwBY8vJQfO89MGdnY2D3HnQ8/bThsSUKDo87sn2tXL8WqvqeegwEBmA321GazrZrw/R3K3uEASbpRDpQK+mjbXdXCx4UptJhw+M4i+iw3trahPquPuSm2XDBMcb//v3hlydh0ZQCeP1BfPOZdWh29Rseg0hM0kkItdXdaXdqa0SMIssy2p/4CwAg+4rLYU4/OFGyZGej4P/9PwBA6x8fgbeu3tD4EgWT9CMbWr/GJH0ku7t2AwCqMqtgNpkFR5NE1Cp6ajZg5ZEMomhTK+n7WnsQiGA4Fivpo1Q8EzDbAE870FktOpqYI8sy/vKh0sX29QVjkWI1/vevySThN5fOxsTCdLS4B/DNZ5Jr4juTdBJC5Hl0z9pP0L95MyS7HTlf//phb5N5/nlwHHcc5P5+NN93n8ERJgYOjzuyfW1cvxaqPZ3KefTxWeMFR5JkODSOSFdl2Q7YLCYM+IOo7ww/0WaSPkoWO1A0Q7nOc+mH+LzBhU113bCZTfj6/LHC4shIseKJq+Yiy2HFprpu3P7ylqTZwsQkPREMuIF3fgo8e4ly+dlTQ1WQGCVysnv7E08AALIuugiW3NzD3kaSJBTddSdgsaBn+XL079xpZIgJYaxzLBwWB/r8fdoKLVKoZ9LHMUkf0d6uvQCA8dlM0g3FoXFEujKbJFTlKb8Ddre4w/55JulRUD5PuazhRp8vemm9Mqzty1MLkZtuFxrL2Nw0/OmKY2E2SXhlQz0e/2Cf0HiMwiQ93jV/Djx+GrD6j8Dud5TL/3wf+NMCoHGT6OiOSD2TbvTQuP5t29D70UeA2Yyc66496m3t48YhY+FCAEDXv/5tRHgJxWwyY1LOJADArs5dgqOJHb0DfjR2K+equCN9ZGq7OyvpBuPQOCLdTShUZvJEMjyOSXoUjFmgXDJJP4gvEMTrG5XfARfNiY1uqhPG5+Guc5RjlA++vQPvfN4kOCL9MUmPZ1teBJ5YCLTvBjJKgCX3A/O/A+RPBvq7gGfOV5L4GCSq3b3r5VcAAM4lS2ArKxvx9lmXXAwA6H79dQT7+IswXFWZysosdTo3AfvblCp6TpoN2Wk2wdHENl/Qp63wY5JuMCbpRLobzfA4JulRoCbpLdsAT4fYWGLIyp2taO/1Ii/dhpMn5IsOR/O1+WNx5bwxkGXge89twGcHEvv/Mybp8apjH/DqdwB/HzBuIfDtD4EFNwFnPABc/y5QOgfo6wCePhdo2SE62kOoSXqWPcvQx+39+GMAQMYZS0K6fdqCBbCWlSHodsP19jt6hpaQKjMrATBJH27v4GR3tc2RjqzGVQN/0A+HxYHiNLZdG4pJOpHuRrOGzWF1AGCSPirp+UDeROV6zRqxscQQtdX9vNmlMbUmVpIk3H3uNCycXIABfxDXP71Oe0+ViGLnX57C89ZtQGAAqDoVuPJFIC1v6HspmcDXXgKKZwGeNuDZi2PuE0KX1wXA2DPpvqYmePftA0wmpM2bF9LPSCYTsr76VQBA17/+pWd4CWlclrLjcl8Xk3TV0Hl0trqPZHiruyQZt5+VALgblcsMJulEehlfoPwe2NvSE/YwLFbSo0Rref9YbBwxosvjxbLtLQCAi44duePUaBazCX+44hjMKs9Cl8eHq//6CRq6EvO/ASbp8WjnW8r5c5MVOOtXgOkw/zemZgNffxXIrgS6a4CXvwkEg4aHeiQiBsf1fqycOUqZPh3mzNAfN/PCCwCzGX0bNmBg9269wktIarv7AfcB+IN+wdHEBq2SzqFxI+LQOIFcg6snWUkn0k1FbhrMJgnuAT+aXQNh/SyT9CgZe4JyeYBJOgD8Z1MDvIEgphQ7MbXE2LlRoXLYLHjy6rmoyHWgrrMPlz2+JiETdSbp8cbXB7yl7PDGCTcDeROOfFtHDnDp3wFLCrDnPeDDXxsTYwi0Pek2414AelcrSXraCQvC+jlrQQEyTj8NAND5bw6QC0dRWhFSLanwB/2oddeKDicm7OOO9JCp69fGZY4THEmS8fUBfZ3KdSbpRLqxWUwYm6u0rYfb8s4kPUrUJL1xE+DtFRtLDHhpvfIB7UXHxsbAuCPJS7fjnzfMx5gcB2o6PLjs8TWoT7BEnUl6vPno90BXjbK79uQfjXz7ohnAV36jXF9+H7D7f/rGFyJ1urtRlXRZloeS9AUnhP3zWZdcAgBwvf4fyAHu/A6VSTKhwlkBgOfSASAYlLXBcaykj2xP1+COdFbSjaWeR7c6lONTRKQbdXjcnjDXsGlJui+xEhPDZY0BnGVA0A/UfSo6GqEauvqwsbYLkgScOzv2P6AtyUrF89+cj7G5aqK+GnWdHtFhRQ2T9HgS8AGfPK5c//IvAFuIb/JnXwHMuQaADPzr6zExHMPodveBXbsRaGuDlJqK1GNmh/3zaQsWwJSZiUBXF/o2box6fImsKktpeeeudKC+qw99vgCsZgljchyiw4lpA4EB1LhrAHCyu+GGD43jLAAiXanD48Kd8M5KehSNHeywTPKW93cH15rNHZuNgowUwdGEZniiLkGCKYF+ZzFJjyf7ViiD4By5wNTzwvvZMx8Cxi8CfB5lkFzDRj0iDJnRK9h6VysvvI65c2Gyhb/2SrJYkH7SSQCAnuXLoxpbotPWsHF4HHY0KZWScfnpsIqYmCrLQPte5Y3ItteBTc8DtZ8CA+FVcIywv3s/gnIQTpsT+amxswImKWhD4zhRn0hv6vA4JukCjWGSDgBvDybpS6YVCY4kPMWZSqL+/DfnoyQrVXQ4UWMRHQCFYfPgdPFpFwJma3g/a7EDl/wdeParwIGPgL9fAFz7FlAwOfpxjsAX9KHHp/wyMqqSrq5eS1sQ3nn04dJPOxWuN96Ae/kKFNx6a5QiS3zclT5kV7OSDE8uyjDuQf1eYMd/gN3vAXvfB3qaD3+73AnAl24BZl0OmMzGxXcEWqs7J7sbTxsaF9tnEokSwYQC5ffB7mY3ZFkO+fWOSXoUjT1Ruaxbp/zOtIRfzIl3Hb1efLJf2QQVb0k6oCTqiYaV9Hjh7QV2/Fe5PvPSyO7D5gAufx4oOVbZof7Pi4Ge1ujFGCK3d6hql2HTP1mRvV54Pl0HAEg7Mfzz6Kr0k04CLBZ49+6Ft6YmWuElvOFJergrZhKNWkmfaESS7usD1j4O/P4Y4MXrgE3PKQm6JQXIqQLKjgcqTgLSB38Zt+8GXrsJePQEYNc7+sc3gl2duwCw1V0I12Al3clKOpHexhekw2yS0OnxocUd+oR3JulRlD8JSM0B/H1AwwbR0Qjxv23NCMrA1GInynkcLyYwSY8XO94EfL3KSrWyuZHfT4pT2aGeXakMoHv+CsDXH704Q6C2umdYM2Ax6d/M4dm4EXJfH8y5ubBPOMo0/BGYnU445swBwJb3cJQ7y2GRLOjz96Gpt0l0OELtajKgki7LwJYXgd/NBt76EeCqUxLxE78PXPU6cFsN8L0NwDfeA655A7h1J/D/9gOL71VWN7buAP55CfDB/yn3Jci29m0AgCm5U4TFkLRYSScyTIrVjMo8ZcbQ9kZXyD+nJun9gX4E5dhZsRuXJAmoPFm5vic2Biwb7Z04bXVPZEzS48XmF5TLGRePfpCPIwe44l/K1N66T5TqmYFvxrX1a3Zj1q/1b94MAHAcdxykw+2UD0P6aacCANzLV4wuqCRiNVlR7iwHkNwt715/UNuRPrFQpyS9s1o50vLS9UBPE5A5Bjj718D3NynDJqtOUY6+fJEjBzjhu8D3NgLzvq187f17gXd+CgSNf/Mny7KWpE/NnWr44yc99Uw6168RGUL94FbttgqFmqQDQL/f2GJLQpqwWLnc/a7YOAToGfDjwz1tAIAzpjNJjxVM0uNBT6tylhQAZl4SnfvMnwhc8gxgsgBbXwTWPBqd+w2By6t8UpxlzzLk8fp3KW2zKZMnjfq+Mk5T9qV71q1DwB17w7ZiFc+lA/vbeuEPysiwW1Cqx2CTLS8CfzpBqQKYbcBpPwW+uw447huANcQpralZwJm/BJY8oPzvNY8Ar3/X8Ip6nbsObq8bVpMVE7Ii736hCKnT3Tk4jsgQU4qVosXOMJL0FMvQ67rHnzhrp4QZv0i5bNwIuJOr62/FzhZ4/UFU5DowcXDbAInHJD0efP4KIAeAkmOAvCi+Ya06dejN+P/uAlp2RO++j8Lw9Ws7lSTdPnHiqO/LNnYsbFVVgN+P3g8/HPX9JQsm6cCOJuXDqYlFGdEdhOb3Am/+SKme+3qVATg3rgZO+X+Hr5qHYsF3gPMfAyQzsPEfwMe/j168Ifi843MAwMTsibCGOySTRifgHxouyHZ3IkOolfRw2t1Nkonn0qMpo1B5nw0kXcv7O58rr/lLphVxUGsMYZIeD3YPDnGaflH07/v4G5RPDwMDwCvfVN7w68zI9Wuyz4eBfUpiaJ84+ko6wJb3SFRmVgJI7jVs6mT3qLa6D7iBZ84FPnlc+d8n3Qpc/R8gLwrD1mZfDpz9K+X6/+4C9q0c/X2GiK3uAvU0A3JQ6bJK4+o7IiNMHqyk723tgdcf+hGjdKtS9VQ7FGmU1Jb3GBieahR/IIiVO1sAAF+eWig4GhqOSXqsC/iBmjXK9apTo3//kgSc+0dlYFTjJmDlL6P/GF/Q7TXuTLq3uhrw+WBKS4O1NDrnK9NPPgUA0Lt6ddJPKw/VuKxxAJTd18lqZ7SHxnk9wD8vBWpWA/ZMZc7Ewp9Hd33anGuB2VcqSduL1wHd9dG776PY1qYk6dNypxnyeDTM8Fb3Uc7wIKLQlGSmICPFAl9Axr620Pel5zuUD9JaPcZv6klIE5Yol3uXAwGf2FgMsrG2C65+P7IcVhwzJlt0ODQMfwPHusZNgLcHSMkCCnR6w+osBr7yG+X6qoeB2k/0eZxBRra796ut7hMmRK2FJ3X2LEg2GwJtbfDuT96kMxwVzgoAQOdAJzr7O8UGI8jOaFbSff3A85cDBz4C7E7gqleBiUtGf79fJEnK4LmiGYCnDXjxWiAYiP7jDMOhcYK5B5N0Do0jMowkSZhSpBQudjSGfi69wFEAAGjxtOgSV9IpOQZw5AFet/IBeBJYPlhFP2lCPswmtrrHEibpsa568Nzz2BP1rWpMu0DZvy4HgZe/CQyE/kluuIxsdx8YHBpnnxSdVncAMNntSJ09GwDg+UTfDzQShcPqQFGaMjH0gOuA4GiM1zPgR22HcmZw0mgr6bKsHE3ZtwKwpikrFUuPHX2QR2JNBS75O2DLAGrXAp/9Tb/HAlDrroXb54bNZOOOdBE4NI5ICPV3w/am0FvXCx1Ke3Kzp1mXmJKOyQRM+LJyPUmmvK/YqXRhnDaJx5tiDZP0WHfgI+Wy4kT9H+vMh5RBQZ37gXd/ptvDGFlJ15L0idGdEO04/ngAgOeTT6N6v4msPENZw1brrhUcifF2D1bR8zPsyEmzje7ONvwD2PaaMsH9yn8B5cdHIcIR5FQCi+5Urv/vbsDVqNtDqVV0Do0TRE3SOTSOyFCTiwfXsIVRSc9PZbt71KlJ+q7ET9JbXP34vEH5UOjkiUzSYw2T9FgW8AMHBtttKr6k/+OlZgHnD65i++xvug3OMLTdfddOAEBKFCa7D+c4/jgAQO+nn/BceojGZIwBkJxJetTOo3fsB96+Tbl++s+MeV1Qzb0OKDkWGHANxaADtroLpiXprKQTGWmy2u4eRiWd7e46GHe6stmkbSfQvld0NLpasUv5cGdmWSby0iPcBkO6YZIey5o2K+di7JlA4XRjHrPqFGD+d5Trr90M9LZH/SHUwXF6J+kBtxv+BqXiF431a8Olzho8l97aBu/+6qjed6IqyygDANS4awRHYjz1PPqk0ZxHDwaAV76tzKgYeyKw4OYoRRcikxk453fKm5dtr+r2Id7n7cr6tWl5HBonhItn0olEUNvdm10D6OwNbdMO2911kJo9NKh503NCQ9HbysFW91MnFQiOhA6HSXosU1vdxy6I7sTmkSy8A8ifDPS2AG98XzkDG0VGnUkf2L0bAGApKoI5M7qPxXPp4WMlXdmRHrHVfwRq1yhnw89/1NjXBFXxTGD+jcr1t2+L+vRbWZaxvX07AFbShVEHx2UwSScyUrrdgjE5DgDAjqbQWt616e59bHePqtlXKJcbnwOCoa/Eiyf+QBAf7FaTdLa6xyIm6bGsepVyaWRLK6AMirrwcWVP7vb/AJuej9pdB4IBuL3KLx+9K+kDO5VW92ifR1cNnUtnkh4K7Uy6K7mSdFmWtTdcEbe797YBK/9PuX7GA0D22ChFF4FTb1em33bsU87HR9HwoXHq2j4ykCwPzRtgJZ3IcOrviFBb3tV29+6BbvT7+3WLK+lMPlvpYnXVAdUfiI5GF+truuDu9yPbYcWssizR4dBhMEmPVcHA0Hn0sQYMjfui4lnKm3EAeOv/AV3RaVFu7WuFDBkWyaJ7kt4/ODQuJYqT3YfjufTwqEl650Cn9kFNMmjo7kdHrxcWkxT5+rUPfqUcfSmaqewtF8meDpx8q3J95S8BX1/U7npr21YAwKScSbCaODTOcJ4OIDCgXOd0dyLDTS5WzqVvbwwtSXfanEgxpwDg8LiosqYCMy5Srm/8p9hYdLJicPXayRO5ei1WMUmPVU1bgIFupbW1aKaYGE68BSg7XhkU9fK3AH9oZ6SOZl/3PgBAubMcFpNl1Pd3NAO7lHb3aJ9HV/FcenjSbenISckBkFwt71vqlOMdEwszkGKNoEW98wCw7knl+pfv1ncVY6jmXgdklgPuRuCTJ6J2t581fwYAmJU/K2r3SWFw1SuXafmAZZRbCIgobFPUNWwhTniXJElreW/p4/C4qFI/EN/2OtAf+jC/eLFqTxsA4OQJbHWPVTHwbo8Oa/h5dLO+yewRmS3AhX8GbOlAzcfAGz8Y9fn06u5qAECFs2L08R2FLMvD1q/pk6TzXHr4knEN29Z6JUmfURph58jy+4GAVxlkM+706AU2GhY7cOrghPdVDwP93VG523XN6wAAc4vmRuX+KEwcGkck1LQS5ffEzmY3fIHQzkJzwrtOSucAeRMBf58yLDWBdHm82DL43uRLE/IER0NHwiQ9VskykF4kptV9uJwq4Kt/AyQTsPEfStvtKOzv3g8AqMysjEZ0R+RvbETQ7QYsFtgr9Xss7Vz6p9yXHopkTNLVX4TTyyJI0pu2AptfUK4vuit6QUXDzMuUNzB9ncDqR0Z9d+197VqnzZyCOaO+P4oAh8YRCVWWnYoMuwVefxB7W3tC+hkm6TqRpKEBchueFRtLlK3Z1w5ZBsYXpKPQmSI6HDoCJumx6oSbgR/uGFqHJtLExcBZg8n58nuBzf+O+K6qXdUA9K+k9+8YHBpXWQnJpl/bZuoxswEAfZs36/YYiSTZJrzLsjy6SvqHvwIgA9MuAEqOiW5wo2W2AKf9VLm+5lGgr2tUd6dW0SdkT0BWStboYqPIsJJOJJTJJGFKiXIu/fP6EIfHpTJJ183My5S1o7VrgLrPREcTNR/tUdYrnzguV3AkdDRM0mOZJMXOucDjrgdO+J5y/T/fA9r3RnQ3apKudyW9/3Nl13LKNH13LafOnAlIEny1tfC3R3+nfKLRdqW7kmNXemN3P9oHh8aFPdm98wCw7TXl+sk/in5w0TDlXCB/ijK3YpRn09c1KUn6cYXHRSMyioQ22Z1D44hEmTo4PG5biMPjWEnXkbMYmHWZcv2Dh8TGcjiyrAxvDfjD+rGPBs+jnziere6xjEk6hW7R3UDlyYDPA7zyrbBfFDw+D5p6mwAYUEk3KEk3Z2TANq4KANC3idX0kYxxJlclXW11nxDJ0LhPHgfkoHIWvVDf53HETKahSe9rHgEGIp/az/PoMUAdHOcsFRsHURKbplbSG0Kb9cEkXWcn/VA58rnrbaBhg+hogPr1wPNXAg+OAX6RC9xXBDxUCbyxFGjYOOKPN3T1YV9bL0wSMK+KlfRYxiSdQmcyAef9CbA7gbpPgVW/CevHD7gOAACy7dm6t7MalaQDypR3AOjbtEn3x4p36pn0Zk9zUux0HWp1d4b3g/0uYP0zyvUFN0c5qiibdgGQM045m/7pkxHdRWd/J/Z07QEAzCnkeXRh3NyRTiTa1MEkfVuDK6T1rkzSdZY7DphxsXJ95f+Ji6NxM/CPi4AnTgN2vKEMbJUDyvcGXMoWmMdPAf52NtBdd8S7UavoM8uykJnKVaexjEk6hSerHDhr8EVq5YNhfaqoDo2ryKzQIbAhvpYW+FtbAZMJKVMm6/pYAJP0cGTbs5FmTQMA1PfUC45Gf1siPY++4R/KL928icC4hTpEFkUms1JpAIDVfwS8nrDvQl29Nj5rvLamjwRwcXAckWgTCjJgNUtw9ftR19k34u2HJ+mhJPUUgZNuBSABO/+rJMtG8nqAd38OPH4qsOd/yhn5mZcBNywHlu4AbqsFrnodmH4RYLYBB1YBj52k3PYwPt47eB59PKvosY5JOoVv5qXKWdSgH3jrxyH/mNHn0e3jqmBKTdX1sQAgddZs5XE3b4YcCOj+ePFMkqSkGR43fGjc9HCS9GAAWPuocn3+d2JjL/pIZl4CZI0BeluHOgDCoLa6s4ou0IBb+WAI4Jl0IoFsFhMmFiozTD5vGPlcuron3Rv0onsgOusw6QvyJypJMACseNC4x61eBfxpPvDx75Wq+dTzge+uU9Yjlx6rvFanOIGqU4Cv/hW46ROgaCbQ1wH846vAqt8edHeyLGv70U8cx/PosS4O3v1RzJEkpZputgG1a4GaNSH9mFZJ1/08+jYAQMpUY87x2sePg8nhQNDjwcCeyAbqJZNkGR7X5OpHW48XZpOEKcVhtLvv+C/QVQOk5gwNrIl1Zitw4i3K9dWPhD2vQh0ax/PoAqlD4+xOwB7mkEMiiqpwhsfZzXZk2bMAAC19bHnXzck/UqrYO/8L7HhT38fye4H/3QU89RWg6wDgLAMufwG45GllNfKR5FQC178HzLkGgAz8786DjqHtaelBq3sAdosJx47N1vfvQKPGJJ0ik1GkVNQB4KPfh/QjiTbZXSWZzUiZORMA0LdpoyGPGc+SpZK+pW5waFxBenhD49YN/kKdey1g1b8TJGpmXwE4coHuGmDbqyH/WPdAN3Z17gIAzC1kki6MNjSOre5Eok3TzqVzeFzMKJgMnPBd5fobPxj12tEjatsD/HXx4NwnGTj2KuCmNcCkM0L7eWsKcM7vgFNuU/73f38IbHsdALByVysA4LiKnPCH2ZLhmKRT5NSVbDvfBNp2H/WmQTmI6u5qAAZOdp9u3ERsnksPnTo8LtGT9Ij2o7fvBfatACANfhIeR6ypwPHfVK5//HtlNUwI3t7/NmTIGJc5DnmpbL8TRh0al8FWdyLRppYovzdCaXcHhlremaTr7NTblEGpPU3Aez+P7n3LsnJc7M8nKfOeUrKAS54Bzv1DZN1Np942VFF/6RuQq1fh+U+V911fnloYzchJJ0zSKXL5E4FJZwGQgY//cNSbNvc2oz/QD4tkQWmGfut9/K2t8Le0AJKElEmTdHucL2KSHrpkWMMmyzJW71OGs8woCyNJ/+xvyuWELytnvOPNcTcAllSgcZNylm4EQTmIv2//OwDg4kkX6x0dHQ3XrxHFjCnFSlLW2N2Pjl7viLcvdChJF5N0nVlTgfP+qFxf/8zgh+pR4OkA/nUV8Pp3lTXHFScBN34MTD0v8vuUJODsh4HJXwECA/A9fw3aWxqQZjPjwmP5Oh8PmKTT6KjV9E3PA+7mI95sv0s5j17uLIfVpN/Kh77BKrqtqgqmtDTdHueLUmcp7e7ePXsRcIX2yXeyUivp9T312Ne9T3A0+nhvWzM+re6EzWzCaZMKQvshXz+w4Vnl+tzr9AtOT2m5wDFXKtc/HvkYzIraFTjgOoAMWwYuGH+BvrHR0bm4fo0oVmSkWDE21wFAWcU2Era7G2jsCcBx31Cuv3i90gE3GvtWAo+eCGx/HTBZgEV3A1e9BmRGIZE2mYGL/gLkTYKtvxUPWv+CC44pQUYKV6/Fg5hI0h955BFUVFQgJSUF8+bNwyeffHLU2//73//G5MmTkZKSghkzyxSzSAAAF8BJREFUZuDNN3Ue4EBHNmY+UHYcEBgA3r5NmUx9GMYNjVPPo0/V9XG+yJKbC2u5knz2bdli6GPHm6K0IiwoXoCAHMBtH9wGX8AnOqSo6vcFcM9/leGFN5xcifIcR2g/uP11ZSKrswyYsFjHCHU2/zsAJGD3uyMOlXz686cBABdPvBgOa4j/TqQPdf0aJ7sTxQT1XPrqfW0j3jY/le3uhlp0N1A8C/C0AX+/4KhFqiPy9Sur1Z45D3A3ALnjgW/8D/jSLUpyHS3WVLQsfgRe2Ywl5nW4OWt19O6bdCU8SX/hhRewdOlS3HnnnVi/fj1mzZqFJUuWoKXl8C80H3/8MS6//HJcf/312LBhA84//3ycf/752Lp1q8GREwClneb0nyuf/n3+MvDKtw+bqKvn0fUfGqckR6kGDY0bLnX2bABA8733oX/bNsMfP57cc+I9yLRnYnvHdvxh49GPSsSbv3y4D7UdfShypuA7p44P/QfXDba6z7k6ur+gjZY7Dph+oXL97xcAO98+7M22tm3F+pb1sEgWXDH5CgMDpIPIsrKmZ/e7yv/O1vc1mohCc+J4ZUbHI8v34tEVe4+6A53t7gazpwNXvghkVyjT15/9KtA78ocpmv0fAo+eMNhxJgPHXg186wOg5Bhdwn1mvxO/8l8CACj6+K6QtzKRWJJ8tP/qDTBv3jwcd9xx+OMflTMewWAQ5eXl+O53v4vbbrvtkNtfeuml6O3txRtvvKF9bf78+Zg9ezYee+yxER/P5XIhMzMT3d3dcDrDWItksJXL38KBjetEhxGy1J4DKGhcCchBeDIq0ZNRcdD31/fvRlvQhdNSZmKyvVy3OKyvLoPk8mDgO5dCrizT7XEOR2puh+2Jf0Pq7oVsNsP/5fmQC3IMjSGe7PM14x3POkgATrRPg8OcIjqkUZODwPZGFwKyjOklmSh02kf6CcDTrlQxXQ3Kh17HXA3YjTuqoYuAF9j1jrJKTpKA8uOBlIPXvXzi2odd/U04Jn0sLi2YLyhQQs1qZUgRAIxZoBy1kCSxMRERIAOvbqzH8p3KRO4TqnIxpTj9sDft8Dbj7Ya/wWZKwby8s4yMMqlZvS4U1b4JU6AfkEzoc5SgN30sgmbbIbc1Bbyw+bphHehEaq8yAyRgSUV7wQL0pes3g0aWgdV729Dv9+Py9I1I8TQp30gvAAqmApb4f+813IJvPQibI3bXiIaThwpN0r1eLxwOB1588UWcf/752tevvvpqdHV14bXXXjvkZ8aMGYOlS5filltu0b5255134tVXX8WmwwztGhgYwMDAgPa/XS4XysvLYz5J//N3roQ/eL3oMIiIiIiIiGLeFT+rQHbZUXbJCxZOki603b2trQ2BQACFhQevAigsLERTU9Nhf6apqSms2z/wwAPIzMzU/pSX61fFjSZzYZHoEIiIiIiIiOKCdJguhnhlER2A3m6//XYsXbpU+99qJT3WXX/Hr+D3BkWHQUREREREFPMsNuHj1qJGaJKel5cHs9mM5uaDpyI2NzejqOjwleSioqKwbm+322G3j3QuNPZIkgSrPY6HRxEREREREVHYhH7cYLPZMGfOHCxbtkz7WjAYxLJly7BgwYLD/syCBQsOuj0AvPfee0e8PREREREREVG8EN7uvnTpUlx99dWYO3cujj/+ePz2t79Fb28vrr32WgDAVVddhdLSUjzwwAMAgO9///s45ZRT8Otf/xpnn302nn/+eaxbtw6PP/64yL8GERERERER0agJT9IvvfRStLa24o477kBTUxNmz56Nt99+WxsOV1NTA5NpqOB/wgkn4J///Cd+9rOf4Sc/+QkmTJiAV199FdOnTxf1VyAiIiIiIiKKCuF70o0WL3vSiYiIiIiIKDHEzQo2IiIiIiIiIhrCJJ2IiIiIiIgoRjBJJyIiIiIiIooRTNKJiIiIiIiIYgSTdCIiIiIiIqIYwSSdiIiIiIiIKEYwSSciIiIiIiKKEUzSiYiIiIiIiGIEk3QiIiIiIiKiGMEknYiIiIiIiChGMEknIiIiIiIiihFM0omIiIiIiIhiBJN0IiIiIiIiohjBJJ2IiIiIiIgoRjBJJyIiIiIiIooRTNKJiIiIiIiIYgSTdCIiIiIiIqIYwSSdiIiIiIiIKEYwSSciIiIiIiKKEUzSiYiIiIiIiGKERXQARpNlGQDgcrkER0JERERERETJQM0/1Xz0aJIuSXe73QCA8vJywZEQERERERFRMnG73cjMzDzqbSQ5lFQ+gQSDQTQ0NCAjIwOSJIkO56hcLhfKy8tRW1sLp9MpOhyKI3zuUKT43KFI8blDo8HnD0WKzx2KlNHPHVmW4Xa7UVJSApPp6KfOk66SbjKZUFZWJjqMsDidTr7oUET43KFI8blDkeJzh0aDzx+KFJ87FCkjnzsjVdBVHBxHREREREREFCOYpBMRERERERHFCCbpMcxut+POO++E3W4XHQrFGT53KFJ87lCk+Nyh0eDzhyLF5w5FKpafO0k3OI6IiIiIiIgoVrGSTkRERERERBQjmKQTERERERERxQgm6UREREREREQxgkk6ERERERERUYxgkh6jHnnkEVRUVCAlJQXz5s3DJ598IjokijF33XUXJEk66M/kyZO17/f39+Omm25Cbm4u0tPTcdFFF6G5uVlgxCTSBx98gHPOOQclJSWQJAmvvvrqQd+XZRl33HEHiouLkZqaikWLFmH37t0H3aajowNXXnklnE4nsrKycP3116Onp8fAvwWJMNJz55prrjnkteiMM8446DZ87iSnBx54AMcddxwyMjJQUFCA888/Hzt37jzoNqH8rqqpqcHZZ58Nh8OBgoIC/OhHP4Lf7zfyr0IGC+W5c+qppx7y2vPtb3/7oNvwuZN8Hn30UcycORNOpxNOpxMLFizAW2+9pX0/Xl5zmKTHoBdeeAFLly7FnXfeifXr12PWrFlYsmQJWlpaRIdGMWbatGlobGzU/qxatUr73g9+8AP85z//wb///W+sXLkSDQ0NuPDCCwVGSyL19vZi1qxZeOSRRw77/Yceegi///3v8dhjj2Ht2rVIS0vDkiVL0N/fr93myiuvxOeff4733nsPb7zxBj744AN885vfNOqvQIKM9NwBgDPOOOOg16LnnnvuoO/zuZOcVq5ciZtuuglr1qzBe++9B5/Ph8WLF6O3t1e7zUi/qwKBAM4++2x4vV58/PHHePrpp/HUU0/hjjvuEPFXIoOE8twBgBtuuOGg156HHnpI+x6fO8mprKwMDz74ID777DOsW7cOp59+Os477zx8/vnnAOLoNUemmHP88cfLN910k/a/A4GAXFJSIj/wwAMCo6JYc+edd8qzZs067Pe6urpkq9Uq//vf/9a+tn37dhmAvHr1aoMipFgFQH7llVe0/x0MBuWioiL5//7v/7SvdXV1yXa7XX7uuedkWZblbdu2yQDkTz/9VLvNW2+9JUuSJNfX1xsWO4n1xeeOLMvy1VdfLZ933nlH/Bk+d0jV0tIiA5BXrlwpy3Jov6vefPNN2WQyyU1NTdptHn30UdnpdMoDAwPG/gVImC8+d2RZlk855RT5+9///hF/hs8dUmVnZ8t/+ctf4uo1h5X0GOP1evHZZ59h0aJF2tdMJhMWLVqE1atXC4yMYtHu3btRUlKCqqoqXHnllaipqQEAfPbZZ/D5fAc9jyZPnowxY8bweUSH2L9/P5qamg56vmRmZmLevHna82X16tXIysrC3LlztdssWrQIJpMJa9euNTxmii0rVqxAQUEBJk2ahBtvvBHt7e3a9/jcIVV3dzcAICcnB0Bov6tWr16NGTNmoLCwULvNkiVL4HK5tMoYJb4vPndUzz77LPLy8jB9+nTcfvvt8Hg82vf43KFAIIDnn38evb29WLBgQVy95lgMeyQKSVtbGwKBwEFPDAAoLCzEjh07BEVFsWjevHl46qmnMGnSJDQ2NuLuu+/GSSedhK1bt6KpqQk2mw1ZWVkH/UxhYSGamprEBEwxS31OHO51R/1eU1MTCgoKDvq+xWJBTk4On1NJ7owzzsCFF16IyspK7N27Fz/5yU9w5plnYvXq1TCbzXzuEAAgGAzilltuwYknnojp06cDQEi/q5qamg772qR+jxLf4Z47AHDFFVdg7NixKCkpwebNm/HjH/8YO3fuxMsvvwyAz51ktmXLFixYsAD9/f1IT0/HK6+8gqlTp2Ljxo1x85rDJJ0oTp155pna9ZkzZ2LevHkYO3Ys/vWvfyE1NVVgZESUTC677DLt+owZMzBz5kyMGzcOK1aswMKFCwVGRrHkpptuwtatWw+anUIUiiM9d4bPtZgxYwaKi4uxcOFC7N27F+PGjTM6TIohkyZNwsaNG9Hd3Y0XX3wRV199NVauXCk6rLCw3T3G5OXlwWw2HzJlsLm5GUVFRYKioniQlZWFiRMnYs+ePSgqKoLX60VXV9dBt+HziA5HfU4c7XWnqKjokOGVfr8fHR0dfE7RQaqqqpCXl4c9e/YA4HOHgJtvvhlvvPEGli9fjrKyMu3rofyuKioqOuxrk/o9SmxHeu4czrx58wDgoNcePneSk81mw/jx4zFnzhw88MADmDVrFn73u9/F1WsOk/QYY7PZMGfOHCxbtkz7WjAYxLJly7BgwQKBkVGs6+npwd69e1FcXIw5c+bAarUe9DzauXMnampq+DyiQ1RWVqKoqOig54vL5cLatWu158uCBQvQ1dWFzz77TLvN+++/j2AwqL0xIgKAuro6tLe3o7i4GACfO8lMlmXcfPPNeOWVV/D++++jsrLyoO+H8rtqwYIF2LJly0Ef9Lz33ntwOp2YOnWqMX8RMtxIz53D2bhxIwAc9NrD5w4BSi41MDAQX685ho2oo5A9//zzst1ul5966il527Zt8je/+U05KyvroCmDRD/84Q/lFStWyPv375c/+ugjedGiRXJeXp7c0tIiy7Isf/vb35bHjBkjv//++/K6devkBQsWyAsWLBAcNYnidrvlDRs2yBs2bJAByA8//LC8YcMG+cCBA7Isy/KDDz4oZ2Vlya+99pq8efNm+bzzzpMrKyvlvr4+7T7OOOMM+ZhjjpHXrl0rr1q1Sp4wYYJ8+eWXi/orkUGO9txxu93yrbfeKq9evVrev3+//L///U8+9thj5QkTJsj9/f3affC5k5xuvPFGOTMzU16xYoXc2Nio/fF4PNptRvpd5ff75enTp8uLFy+WN27cKL/99ttyfn6+fPvtt4v4K5FBRnru7NmzR/7FL34hr1u3Tt6/f7/82muvyVVVVfLJJ5+s3QefO8nptttuk1euXCnv379f3rx5s3zbbbfJkiTJ7777rizL8fOawyQ9Rv3hD3+Qx4wZI9tsNvn444+X16xZIzokijGXXnqpXFxcLNtsNrm0tFS+9NJL5T179mjf7+vrk7/zne/I2dnZssPhkC+44AK5sbFRYMQk0vLly2UAh/y5+uqrZVlW1rD9/Oc/lwsLC2W73S4vXLhQ3rlz50H30d7eLl9++eVyenq67HQ65WuvvVZ2u90C/jZkpKM9dzwej7x48WI5Pz9ftlqt8tixY+UbbrjhkA+V+dxJTod73gCQ//a3v2m3CeV3VXV1tXzmmWfKqampcl5envzDH/5Q9vl8Bv9tyEgjPXdqamrkk08+Wc7JyZHtdrs8fvx4+Uc/+pHc3d190P3wuZN8rrvuOnns2LGyzWaT8/Pz5YULF2oJuizHz2uOJMuybFzdnoiIiIiIiIiOhGfSiYiIiIiIiGIEk3QiIiIiIiKiGMEknYiIiIiIiChGMEknIiIiIiIiihFM0omIiIiIiIhiBJN0IiIiIiIiohjBJJ2IiIiIiIgoRjBJJyIiIiIiIooRTNKJiIji1DXXXIPzzz9fdBhEREQURUzSiYiIYpAkSUf9c9ddd+F3v/sdnnrqKSHxPfHEE5g1axbS09ORlZWFY445Bg888ID2fX6AQEREFBmL6ACIiIjoUI2Njdr1F154AXfccQd27typfS09PR3p6ekiQsNf//pX3HLLLfj973+PU045BQMDA9i8eTO2bt0qJB4iIqJEwko6ERFRDCoqKtL+ZGZmQpKkg76Wnp5+SLX61FNPxXe/+13ccsstyM7ORmFhIZ544gn09vbi2muvRUZGBsaPH4+33nrroMfaunUrzjzzTKSnp6OwsBBf//rX0dbWdsTYXn/9dVxyySW4/vrrMX78eEybNg2XX3457rvvPgDAXXfdhaeffhqvvfaaVvlfsWIFAKC2thaXXHIJsrKykJOTg/POOw/V1dXafat/p7vvvhv5+flwOp349re/Da/Xq93mxRdfxIwZM5Camorc3FwsWrQIvb29o/9HJyIiigFM0omIiBLI008/jby8PHzyySf47ne/ixtvvBEXX3wxTjjhBKxfvx6LFy/G17/+dXg8HgBAV1cXTj/9dBxzzDFYt24d3n77bTQ3N+OSSy454mMUFRVhzZo1OHDgwGG/f+utt+KSSy7BGWecgcbGRjQ2NuKEE06Az+fDkiVLkJGRgQ8//BAfffQR0tPTccYZZxyUhC9btgzbt2/HihUr8Nxzz+Hll1/G3XffDUDpMLj88stx3XXXabe58MILIctyFP8ViYiIxJFk/lYjIiKKaU899RRuueUWdHV1HfT1a665Bl1dXXj11VcBKJX0QCCADz/8EAAQCASQmZmJCy+8EM888wwAoKmpCcXFxVi9ejXmz5+Pe++9Fx9++CHeeecd7X7r6upQXl6OnTt3YuLEiYfE09jYiAsvvBBr1qzBxIkTsWDBApx11ln46le/CpPJdNjYAOAf//gH7r33Xmzfvh2SJAEAvF4vsrKy8Oqrr2Lx4sW45ppr8J///Ae1tbVwOBwAgMceeww/+tGP0N3djY0bN2LOnDmorq7G2LFjo/LvS0REFEtYSSciIkogM2fO1K6bzWbk5uZixowZ2tcKCwsBAC0tLQCATZs2Yfny5doZ9/T0dEyePBkAsHfv3sM+hprkb9myBd///vfh9/tx9dVX44wzzkAwGDxibJs2bcKePXuQkZGhPVZOTg76+/sPeqxZs2ZpCToALFiwAD09PaitrcWsWbOwcOFCzJgxAxdffDGeeOIJdHZ2RvAvRUREFJs4OI6IiCiBWK3Wg/63JEkHfU2tYKvJdE9PD8455xz88pe/POS+iouLj/pY06dPx/Tp0/Gd73wH3/72t3HSSSdh5cqVOO200w57+56eHsyZMwfPPvvsId/Lz88/+l9skNlsxnvvvYePP/4Y7777Lv7whz/gpz/9KdauXYvKysqQ7oOIiCiWMUknIiJKYsceeyxeeuklVFRUwGKJ/G3B1KlTAUAb4Gaz2RAIBA55rBdeeAEFBQVwOp1HvK9Nmzahr68PqampAIA1a9YgPT0d5eXlAJQPGk488USceOKJuOOOOzB27Fi88sorWLp0acTxExERxQq2uxMRESWxm266CR0dHbj88svx6aefYu/evXjnnXdw7bXXHpJkq2688Ubcc889+Oijj3DgwAGsWbMGV111FfLz87FgwQIAQEVFBTZv3oydO3eira0NPp8PV155JfLy8nDeeefhww8/xP79+7FixQp873vfQ11dnXb/Xq8X119/PbZt24Y333wTd955J26++WaYTCasXbsW999/P9atW4eamhq8/PLLaG1txZQpUwz59yIiItIbk3QiIqIkVlJSgo8++giBQACLFy/GjBkzcMsttyArK0sbAvdFixYtwpo1a3DxxRdj4sSJuOiii5CSkoJly5YhNzcXAHDDDTdg0qRJmDt3LvLz8/HRRx/B4XDggw8+wJgxY3DhhRdiypQpuP7669Hf339QZX3hwoWYMGECTj75ZFx66aU499xzcddddwEAnE4nPvjgA5x11lmYOHEifvazn+HXv/41zjzzTN3/rYiIiIzA6e5EREQUMw43FZ6IiCiZsJJOREREREREFCOYpBMRERERERHFCLa7ExEREREREcUIVtKJiIiIiIiIYgSTdCIiIiIiIqIYwSSdiIiIiIiIKEYwSSciIiIiIiKKEUzSiYiIiIiIiGIEk3QiIiIiIiKiGMEknYiIiIiIiChGMEknIiIiIiIiihH/H9iMGf7rY//kAAAAAElFTkSuQmCC", "text/plain": [ "
" ] @@ -1004,37 +1003,13 @@ } ], "source": [ - "import numpy as np\n", - "import matplotlib.pyplot as plt\n", - "\n", - "# Slicing to take only the last 296 timesteps\n", - "last_hidden_states = hidden_states_for_plot_cm[-296:]\n", - "\n", - "# Apply the nonlinearity to each hidden state before averaging\n", - "rectified_tanh = lambda x: np.where(x > 0, np.tanh(x), 0)\n", - "hidden_states = rectified_tanh(np.array(last_hidden_states))\n", - "\n", - "# Calculate the mean across all batches for each time step\n", - "mean_activations = np.mean(hidden_states, axis=1)\n", - "\n", - "# Plot the PSTHs for the first few neurons\n", - "neurons_to_plot = 5 \n", - "time_steps = mean_activations.shape[0]\n", - "plt.figure(figsize=(12, 8))\n", - "\n", - "for i in range(min(neurons_to_plot, hidden_states.shape[2])):\n", - " plt.plot(range(time_steps), mean_activations[:, i], label=f'Neuron {i+1}')\n", - "\n", - "plt.xlabel('Time Steps')\n", - "plt.ylabel('Average Activation')\n", - "plt.title('PSTHs of Hidden Units in ComplicatedRNN')\n", - "plt.legend()\n", - "plt.show()\n" + "# Plot hidden units in ComplicatedRNN\n", + "plot_hidden_unit_activations(hidden_states=hidden_states_for_plot_cm, timesteps=296, neurons_to_plot=5, title='PSTHs of Hidden Units in ComplicatedRNN')" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 16, "id": "49ee0281-a790-4cce-b4f2-2bd0e8da93a6", "metadata": {}, "outputs": [ @@ -1044,121 +1019,44 @@ "text": [ "Testing perturbation strength 0.0001\n", " Iteration 1/50\n", - " Iteration 2/50\n", - " Iteration 3/50\n", - " Iteration 4/50\n", - " Iteration 5/50\n", - " Iteration 6/50\n", - " Iteration 7/50\n", - " Iteration 8/50\n", - " Iteration 9/50\n", - " Iteration 10/50\n", - " Iteration 11/50\n", - " Iteration 12/50\n", - " Iteration 13/50\n", - " Iteration 14/50\n", - " Iteration 15/50\n", - " Iteration 16/50\n", - " Iteration 17/50\n", - " Iteration 18/50\n", - " Iteration 19/50\n", - " Iteration 20/50\n", - " Iteration 21/50\n", - " Iteration 22/50\n", - " Iteration 23/50\n", - " Iteration 24/50\n", - " Iteration 25/50\n", - " Iteration 26/50\n", - " Iteration 27/50\n", - " Iteration 28/50\n", - " Iteration 29/50\n", - " Iteration 30/50\n", - " Iteration 31/50\n", - " Iteration 32/50\n", - " Iteration 33/50\n", - " Iteration 34/50\n", - " Iteration 35/50\n", - " Iteration 36/50\n", - " Iteration 37/50\n", - " Iteration 38/50\n", - " Iteration 39/50\n", - " Iteration 40/50\n", - " Iteration 41/50\n", - " Iteration 42/50\n", - " Iteration 43/50\n", - " Iteration 44/50\n", - " Iteration 45/50\n", - " Iteration 46/50\n", - " Iteration 47/50\n", - " Iteration 48/50\n", - " Iteration 49/50\n", - " Iteration 50/50\n", "Completed testing for perturbation strength 0.0001. Mean error: 0.00%, Std. dev.: 0.00%\n", "\n", "Testing perturbation strength 0.001\n", " Iteration 1/50\n", - " Iteration 2/50\n", - " Iteration 3/50\n", - " Iteration 4/50\n", - " Iteration 5/50\n", - " Iteration 6/50\n", - " Iteration 7/50\n", - " Iteration 8/50\n", - " Iteration 9/50\n", - " Iteration 10/50\n", - " Iteration 11/50\n", - " Iteration 12/50\n", - " Iteration 13/50\n", - " Iteration 14/50\n", - " Iteration 15/50\n", - " Iteration 16/50\n", - " Iteration 17/50\n", - " Iteration 18/50\n", - " Iteration 19/50\n", - " Iteration 20/50\n", - " Iteration 21/50\n", - " Iteration 22/50\n", - " Iteration 23/50\n", - " Iteration 24/50\n", - " Iteration 25/50\n", - " Iteration 26/50\n", - " Iteration 27/50\n", - " Iteration 28/50\n", - " Iteration 29/50\n", - " Iteration 30/50\n", - " Iteration 31/50\n", - " Iteration 32/50\n", - " Iteration 33/50\n", - " Iteration 34/50\n", - " Iteration 35/50\n", - " Iteration 36/50\n", - " Iteration 37/50\n", - " Iteration 38/50\n", - " Iteration 39/50\n", - " Iteration 40/50\n", - " Iteration 41/50\n", - " Iteration 42/50\n", - " Iteration 43/50\n", - " Iteration 44/50\n", - " Iteration 45/50\n", - " Iteration 46/50\n", - " Iteration 47/50\n", - " Iteration 48/50\n", - " Iteration 49/50\n", - " Iteration 50/50\n", - "Completed testing for perturbation strength 0.001. Mean error: 0.04%, Std. dev.: 0.04%\n", + "Completed testing for perturbation strength 0.001. Mean error: 0.03%, Std. dev.: 0.02%\n", "\n", "Testing perturbation strength 0.01\n", " Iteration 1/50\n", - " Iteration 2/50\n", - " Iteration 3/50\n", - " Iteration 4/50\n", - " Iteration 5/50\n", - " Iteration 6/50\n", - " Iteration 7/50\n", - " Iteration 8/50\n", - " Iteration 9/50\n", - " Iteration 10/50\n" + "Completed testing for perturbation strength 0.01. Mean error: 0.30%, Std. dev.: 0.31%\n", + "\n", + "Testing perturbation strength 0.1\n", + " Iteration 1/50\n", + "Completed testing for perturbation strength 0.1. Mean error: 5.74%, Std. dev.: 4.14%\n", + "\n", + "Testing perturbation strength 1\n", + " Iteration 1/50\n", + "Completed testing for perturbation strength 1. Mean error: 30.58%, Std. dev.: 28.30%\n", + "\n", + "Testing perturbation strength 0.0001\n", + " Iteration 1/50\n", + "Completed testing for perturbation strength 0.0001. Mean error: 0.00%, Std. dev.: 0.00%\n", + "\n", + "Testing perturbation strength 0.001\n", + " Iteration 1/50\n", + "Completed testing for perturbation strength 0.001. Mean error: 0.01%, Std. dev.: 0.01%\n", + "\n", + "Testing perturbation strength 0.01\n", + " Iteration 1/50\n", + "Completed testing for perturbation strength 0.01. Mean error: 0.06%, Std. dev.: 0.03%\n", + "\n", + "Testing perturbation strength 0.1\n", + " Iteration 1/50\n", + "Completed testing for perturbation strength 0.1. Mean error: 0.78%, Std. dev.: 0.51%\n", + "\n", + "Testing perturbation strength 1\n", + " Iteration 1/50\n", + "Completed testing for perturbation strength 1. Mean error: 18.45%, Std. dev.: 5.33%\n", + "\n" ] } ], @@ -1226,65 +1124,79 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 17, "id": "1268bf57-9f00-4acb-b181-f025c65b3b38", "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA1IAAAJwCAYAAACDNVCOAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjYuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8o6BhiAAAACXBIWXMAAA9hAAAPYQGoP6dpAABfLElEQVR4nO3de3zP9f//8ft759mRYYfC5pgz2YfP4hOyGh8fITn0UVGKHJJUyveTbKWPVCI+hfp8Qn2EDuTTibQcijXMoUIszaGyEba1sWF7/v4o75+3bezF+72T2/VyeV96v5+v5+v1erzee8Xunq/X82UzxhgBAAAAAErNrbwLAAAAAIDKhiAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQCwzGazacyYMWWyry5duqhLly5lsq/LlZGRodtvv10hISGy2WyaOXOm5W0MHTpU/v7+zi/uAvHx8bLZbC7fDwBUdQQpACgjCxYskM1ms798fHzUuHFjjRkzRhkZGU7d16uvvqoFCxY4dZuutGvXLsXHx2v//v3lXcplefjhh7Vq1SpNnDhRb731lrp3715sv5MnTyo+Pl5r164t2wIrsI0bNyo+Pl6ZmZnlXQoAWOJR3gUAwNXm6aefVlRUlPLy8vTVV19pzpw5+uSTT/Tdd9+pWrVqTtnHq6++qpo1a2ro0KFO2Z6r7dq1SwkJCerSpYsiIyMdln322WflU5QFX3zxhXr37q1HH330ov1OnjyphIQESSq3UbYnn3xSTzzxRLnsuzgbN25UQkKChg4dquDg4PIuBwBKjSAFAGWsR48eio6OliTdd999CgkJ0UsvvaQVK1bojjvuuKJtnzx50mlh7ELGGOXl5cnX19cl2y+Jl5dXme7vchw5cqTShAAPDw95ePDXPwBcKS7tA4BydtNNN0mS0tLS7G3//e9/1a5dO/n6+qpGjRoaNGiQDh065LBely5d1KJFC6WkpOjGG29UtWrV9H//93+KjIzUzp07tW7dOvtlhOdGP0q6P+bcZYfnX1oXGRmpv/3tb1q1apWio6Pl6+urefPmOay3aNEiNWnSRD4+PmrXrp3Wr1/vsPzAgQMaNWqUmjRpIl9fX4WEhKh///4O+1mwYIH69+8vSeratau95nOXvxV3j9SRI0c0bNgwhYaGysfHR61bt9bChQsd+uzfv182m00vvviiXnvtNTVo0EDe3t7605/+pM2bNxf/w7jAjz/+qP79+6tGjRqqVq2a/vznP+vjjz8u8r0ZY/TKK6/Yay/O/v37VatWLUlSQkKCvW98fLxDv59//ll9+vSRv7+/atWqpUcffVQFBQUOfQoLCzVz5kw1b95cPj4+Cg0N1YgRI3TixIlLHlNx58C5e94++OADtWjRQt7e3mrevLlWrlxZ7Lrff/+9BgwYoMDAQIWEhOihhx5SXl6ew7HabLZiLy89/5jj4+P12GOPSZKioqLs38m582P16tXq1KmTgoOD5e/vryZNmuj//u//LnmMAFAW+CcpAChn+/btkySFhIRIkp599llNmjRJAwYM0H333aejR49q9uzZuvHGG7Vt2zaHkY9jx46pR48eGjRokO68806FhoaqS5cuevDBB+Xv769//OMfkqTQ0NDLqm3Pnj264447NGLECN1///1q0qSJfdm6deu0dOlSjR07Vt7e3nr11VfVvXt3bdq0SS1atJAkbd68WRs3btSgQYN07bXXav/+/ZozZ466dOmiXbt2qVq1arrxxhs1duxYzZo1S//3f/+npk2bSpL9vxc6deqUunTpoh9++EFjxoxRVFSU3n33XQ0dOlSZmZl66KGHHPq//fbb+u233zRixAjZbDY9//zzuu222/Tjjz/K09OzxGPPyMjQDTfcoJMnT2rs2LEKCQnRwoULdeutt+q9995T3759deONN+qtt97SXXfdpZtvvll33313idurVauW5syZo5EjR6pv37667bbbJEmtWrWy9ykoKFBcXJw6dOigF198UZ9//rmmT5+uBg0aaOTIkfZ+I0aM0IIFC3TPPfdo7NixSktL07/+9S9t27ZNGzZsuOhxleSrr77SsmXLNGrUKAUEBGjWrFnq16+fDh48aD83zxkwYIAiIyM1depUff3115o1a5ZOnDihN99809I+b7vtNu3du1eLFy/WjBkzVLNmTft3tXPnTv3tb39Tq1at9PTTT8vb21s//PCDNmzYYPnYAMAlDACgTMyfP99IMp9//rk5evSoOXTokFmyZIkJCQkxvr6+5qeffjL79+837u7u5tlnn3VY99tvvzUeHh4O7Z07dzaSzNy5c4vsq3nz5qZz585F2idPnmyK+6P/XG1paWn2tnr16hlJZuXKlUX6SzKSzJYtW+xtBw4cMD4+PqZv3772tpMnTxZZNykpyUgyb775pr3t3XffNZLMmjVrivTv3Lmzw7HMnDnTSDL//e9/7W2nT582MTExxt/f32RnZxtjjElLSzOSTEhIiDl+/Li974oVK4wk8+GHHxbZ1/nGjRtnJJkvv/zS3vbbb7+ZqKgoExkZaQoKChy+j9GjR190e8YYc/ToUSPJTJ48uciyIUOGGEnm6aefdmhv27atadeunf3zl19+aSSZRYsWOfRbuXJlse0XKu4ckGS8vLzMDz/8YG/bsWOHkWRmz55dZN1bb73VYf1Ro0YZSWbHjh3GmP//3c+fP7/I/i88/hdeeKHIuWeMMTNmzDCSzNGjRy96PABQXri0DwDKWGxsrGrVqqU6depo0KBB8vf31/Lly3XNNddo2bJlKiws1IABA/Trr7/aX2FhYWrUqJHWrFnjsC1vb2/dc889Lqs1KipKcXFxxS6LiYlRu3bt7J/r1q2r3r17a9WqVfZL0c6/n+rMmTM6duyYGjZsqODgYG3duvWyavrkk08UFhbmcD+Zp6enxo4dq5ycHK1bt86h/8CBA1W9enX757/85S+Sfr9s71L7ad++vTp16mRv8/f31/Dhw7V//37t2rXrsuq/lAceeMDh81/+8heHWt99910FBQXp5ptvdjhH2rVrJ39//yLnSGnFxsaqQYMG9s+tWrVSYGBgsd/T6NGjHT4/+OCDkn7/zpzl3MjrihUrVFhY6LTtAoCzcGkfAJSxV155RY0bN5aHh4dCQ0PVpEkTubn9/u9aqampMsaoUaNGxa574SVb11xzjUsnY4iKiipxWXE1Nm7cWCdPntTRo0cVFhamU6dOaerUqZo/f75+/vlnGWPsfbOysi6rpgMHDqhRo0b27+ycc5cCHjhwwKG9bt26Dp/PhapL3U904MABdejQoUj7+fs5dwmjs/j4+NjvozqnevXqDrWmpqYqKytLtWvXLnYbR44cuax9X/g9Fbfvcy782Tdo0EBubm5Onb5+4MCB+ve//6377rtPTzzxhLp166bbbrtNt99+e5GfPQCUB4IUAJSx9u3b22ftu1BhYaFsNps+/fRTubu7F1l+4QNbrc6gV9JECBdOZnC527/Qgw8+qPnz52vcuHGKiYlRUFCQbDabBg0aVGajDMV9j5IcQl1FUVKt5yssLFTt2rW1aNGiYpdfGMSudN+l+Z6Km7yiOCWdZ8Xx9fXV+vXrtWbNGn388cdauXKlli5dqptuukmfffZZqb4rAHAlghQAVCANGjSQMUZRUVFq3LjxZW+npF9kz43GZGZmOkxaceEoTmmkpqYWadu7d6+qVatm/2X+vffe05AhQzR9+nR7n7y8vCIPXy2p3uLUq1dP33zzjQoLCx1GJr7//nv7cmeoV6+e9uzZU6T9SvZj5ThL0qBBA33++efq2LFjmU9Ff05qaqrDaOUPP/ygwsJC+zPAzj/PzlfceXax78TNzU3dunVTt27d9NJLL+mf//yn/vGPf2jNmjWKjY298gMBgCvA2DgAVCC33Xab3N3dlZCQUGQkwBijY8eOlWo7fn5+RX6JlWS/B+b8acpzc3OLTB1eGklJSQ73OR06dEgrVqzQLbfcYh8tcHd3L3Ics2fPLjIy4efnJ6noL97F+etf/6r09HQtXbrU3nb27FnNnj1b/v7+6ty5s+VjKWk/mzZtUlJSkr0tNzdXr732miIjI9WsWTPL2zz3jK/SHGdJBgwYoIKCAj3zzDNFlp09e/aKtl1ar7zyisPn2bNnS/r9GWmSFBgYqJo1axaZDv/VV18tsq2SfvbHjx8v0rdNmzaSpPz8/MuqGwCciREpAKhAGjRooClTpmjixInav3+/+vTpo4CAAKWlpWn58uUaPny4Hn300Utup127dpozZ46mTJmihg0bqnbt2rrpppt0yy23qG7duho2bJgee+wxubu764033lCtWrV08OBBS7W2aNFCcXFxDtOfS78/I+mcv/3tb3rrrbcUFBSkZs2aKSkpSZ9//nmR6bTbtGkjd3d3TZs2TVlZWfL29tZNN91U7H1Aw4cP17x58zR06FClpKQoMjJS7733njZs2KCZM2cqICDA0nGU5IknntDixYvVo0cPjR07VjVq1NDChQuVlpam999//7Lu0/H19VWzZs20dOlSNW7cWDVq1FCLFi0s3WvVuXNnjRgxQlOnTtX27dt1yy23yNPTU6mpqXr33Xf18ssv6/bbb7dcmxVpaWm69dZb1b17dyUlJem///2v/v73v6t169b2Pvfdd5+ee+453XfffYqOjtb69eu1d+/eIts6N2HJP/7xDw0aNEienp7q1auXnn76aa1fv149e/ZUvXr1dOTIEb366qu69tprHSYAAYByU34TBgLA1eXcFOObN2++ZN/333/fdOrUyfj5+Rk/Pz9z3XXXmdGjR5s9e/bY+3Tu3Nk0b9682PXT09NNz549TUBAgJHkMH14SkqK6dChg/Hy8jJ169Y1L730UonTn/fs2bPY7euP6b7/+9//mkaNGhlvb2/Ttm3bItOXnzhxwtxzzz2mZs2axt/f38TFxZnvv//e1KtXzwwZMsSh7+uvv27q169v3N3dHaZCv3D6c2OMycjIsG/Xy8vLtGzZsshU2+em4H7hhReKrb+4KcgvtG/fPnP77beb4OBg4+PjY9q3b28++uijEr+P0ti4caNp166d8fLycqhjyJAhxs/Pr0j/kqasf+2110y7du2Mr6+vCQgIMC1btjQTJkwwv/zyy0X3X9L058XVf+HP6dy6u3btMrfffrsJCAgw1atXN2PGjDGnTp1yWPfkyZNm2LBhJigoyAQEBJgBAwaYI0eOFPvdP/PMM+aaa64xbm5u9vMwMTHR9O7d20RERBgvLy8TERFh7rjjDrN3796LHh8AlBWbMRXwblsAAFDhxMfHKyEhQUePHrU/PBcArlbcIwUAAAAAFhGkAAAAAMAighQAAAAAWFSuQWr9+vXq1auXIiIiZLPZ9MEHHzgsN8boqaeeUnh4uHx9fRUbG1vkuSXHjx/X4MGDFRgYqODgYA0bNkw5OTlleBQAAFwd4uPjZYzh/igAUDkHqdzcXLVu3brI8yjOef755zVr1izNnTtXycnJ8vPzU1xcnPLy8ux9Bg8erJ07d2r16tX66KOPtH79eg0fPrysDgEAAADAVajCzNpns9m0fPly9enTR9Lvo1ERERF65JFH7M9MycrKUmhoqBYsWKBBgwZp9+7datasmTZv3qzo6GhJ0sqVK/XXv/5VP/30kyIiIsrrcAAAAABUYRX2gbxpaWlKT09XbGysvS0oKEgdOnRQUlKSBg0apKSkJAUHB9tDlCTFxsbKzc1NycnJ6tu3b7Hbzs/Pd3gqemFhoY4fP66QkBDZbDbXHRQAAACACs0Yo99++00REREXffh6hQ1S6enpkqTQ0FCH9tDQUPuy9PT0Ik+99/DwUI0aNex9ijN16lQlJCQ4uWIAAAAAVcWhQ4d07bXXlri8wgYpV5o4caLGjx9v/5yVlaW6devq0KFDCgwMLMfKAAAA4GxBQWWxl1xJ524r+UWSn0v3liXXHlTZHo2krCxX76HUsrOzVadOHQUEBFy0X4UNUmFhYZKkjIwMhYeH29szMjLUpk0be58jR444rHf27FkdP37cvn5xvL295e3tXaQ9MDCQIAUAAIDL4H7e+0C5Onq4+jfWsj0aSRXwd/BL3fJTYZ8jFRUVpbCwMCUmJtrbsrOzlZycrJiYGElSTEyMMjMzlZKSYu/zxRdfqLCwUB06dCjzmgEAAABcHcp1RConJ0c//PCD/XNaWpq2b9+uGjVqqG7duho3bpymTJmiRo0aKSoqSpMmTVJERIR9Zr+mTZuqe/fuuv/++zV37lydOXNGY8aM0aBBg5ixDwAAAIDLlGuQ2rJli7p27Wr/fO6+pSFDhmjBggWaMGGCcnNzNXz4cGVmZqpTp05auXKlfHx87OssWrRIY8aMUbdu3eTm5qZ+/fpp1qxZZX4sAAAAAK4eFeY5UuUpOztbQUFBysrKKvEeqYKCAp05c6aMK8PVxt3dXR4eHkzDDwCAE5XNX6u5kvz/eJ8jV99VZOTagyrbo5FUgSJJabKBVIEnm6hIcnJy9NNPP4nMibJQrVo1hYeHy8vLq7xLAQAAQAkIUpdQUFCgn376SdWqVVOtWrUYKYDLGGN0+vRpHT16VGlpaWrUqNFFHwIHAACA8kOQuoQzZ87IGKNatWrJ19e3vMtBFefr6ytPT08dOHBAp0+fdrgfEAAAABUH/9xdSoxEoawwCgUAAFDx8RsbAAAAAFhEkAIAAAAAiwhSl8lmK9uXa47Bpg8++MA1Gz9Ply5dNG7cOJfv50rFx8erTZs2pe6/f/9+2Ww2bd++3WU1AQAAoGIiSFVRR48e1ciRI1W3bl15e3srLCxMcXFx2rBhg73P4cOH1aNHj3KssvQiIyNls9m0ZMmSIsuaN28um82mBQsWlH1hAAAAuCoxa18V1a9fP50+fVoLFy5U/fr1lZGRocTERB07dszeJywsrBwrtK5OnTqaP3++Bg0aZG/7+uuvlZ6eLj8/lz8mDgAAALBjRKoKyszM1Jdffqlp06apa9euqlevntq3b6+JEyfq1ltvtfc7/9K+c5epvfPOO/rLX/4iX19f/elPf9LevXu1efNmRUdHy9/fXz169NDRo0ft2xg6dKj69OmjhIQE1apVS4GBgXrggQd0+vTpEuvLz8/Xo48+qmuuuUZ+fn7q0KGD1q5de8njGjx4sNatW6dDhw7Z29544w0NHjxYHh6O/yZw8OBB9e7dW/7+/goMDNSAAQOUkZHh0Oe5555TaGioAgICNGzYMOXl5RXZ57///W81bdpUPj4+uu666/Tqq69esk4AAABUfQSpKsjf31/+/v764IMPlJ+fb2ndyZMn68knn9TWrVvl4eGhv//975owYYJefvllffnll/rhhx/01FNPOayTmJio3bt3a+3atVq8eLGWLVumhISEEvcxZswYJSUlacmSJfrmm2/Uv39/de/eXampqRetLTQ0VHFxcVq4cKEk6eTJk1q6dKnuvfdeh36FhYXq3bu3jh8/rnXr1mn16tX68ccfNXDgQHufd955R/Hx8frnP/+pLVu2KDw8vEhIWrRokZ566ik9++yz2r17t/75z39q0qRJ9v0DAADgKmZgsrKyjCSTlZVVZNmpU6fMrl27zKlTpxzapbJ9WfXee++Z6tWrGx8fH3PDDTeYiRMnmh07dlxwDDLLly83xhiTlpZmJJl///vf9uWLFy82kkxiYqK9berUqaZJkyb2z0OGDDE1atQwubm59rY5c+YYf39/U1BQYIwxpnPnzuahhx4yxhhz4MAB4+7ubn7++WeHWrp162YmTpxY4vHUq1fPzJgxw3zwwQemQYMGprCw0CxcuNC0bdvWGGNMUFCQmT9/vjHGmM8++8y4u7ubgwcP2tffuXOnkWQ2bdpkjDEmJibGjBo1ymEfHTp0MK1bt7Z/btCggXn77bcd+jzzzDMmJibG4Tvbtm1biXVfjpLOOQAAcHnK5ve1HCPpj1eO6383dPEOcuzH8vv7CvfLrgtdLBucjxGpKqpfv3765Zdf9L///U/du3fX2rVrdf31119yQoZWrVrZ34eGhkqSWrZs6dB25MgRh3Vat26tatWq2T/HxMQoJyfH4RK8c7799lsVFBSocePG9pEzf39/rVu3Tvv27bvkcfXs2VM5OTlav3693njjjSKjUZK0e/du1alTR3Xq1LG3NWvWTMHBwdq9e7e9T4cOHRzWi4mJsb/Pzc3Vvn37NGzYMIc6p0yZUqo6AQAAULUx2UQV5uPjo5tvvlk333yzJk2apPvuu0+TJ0/W0KFDS1zH09PT/t72x7zrF7YVFhZedk05OTlyd3dXSkqK3N3dHZb5+/tfcn0PDw/dddddmjx5spKTk7V8+fLLruVSdUrS66+/XiRwXVg3AAAArj6MSF1FmjVrptzcXKdvd8eOHTp16pT989dffy1/f3+HEaFz2rZtq4KCAh05ckQNGzZ0eJV2FsF7771X69atU+/evVW9evUiy5s2bapDhw45jIjt2rVLmZmZatasmb1PcnKyw3pff/21/X1oaKgiIiL0448/FqkzKiqqVHUCAACg6mJEqgo6duyY+vfvr3vvvVetWrVSQECAtmzZoueff169e/d2+v5Onz6tYcOG6cknn9T+/fs1efJkjRkzRm5uRXN648aNNXjwYN19992aPn262rZtq6NHjyoxMVGtWrVSz549L7m/pk2b6tdff3W4nPB8sbGxatmypQYPHqyZM2fq7NmzGjVqlDp37qzo6GhJ0kMPPaShQ4cqOjpaHTt21KJFi7Rz507Vr1/fvp2EhASNHTtWQUFB6t69u/Lz87VlyxadOHFC48ePv8xvCwAAAFUBQeoyGVPeFZTM399fHTp00IwZM7Rv3z6dOXNGderU0f3336//+7//c/r+unXrpkaNGunGG29Ufn6+7rjjDsXHx5fYf/78+ZoyZYoeeeQR/fzzz6pZs6b+/Oc/629/+1up9xkSElLiMpvNphUrVujBBx/UjTfeKDc3N3Xv3l2zZ8+29xk4cKD27dunCRMmKC8vT/369dPIkSO1atUqe5/77rtP1apV0wsvvKDHHntMfn5+atmypcaNG1fqOgEAAFA12YypyJGgbGRnZysoKEhZWVkKDAx0WJaXl6e0tDRFRUXJx8ennCqsuIYOHarMzEz786hw5TjnAABwrj9u+3axXEnn7vfOkeTn0r0ZufagyvZoVKFGKS6WDc7HPVIAAAAAYBFBCgAAAAAs4h4pXJFLPZcKAAAAqIoYkQIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQul81Wtq8qZv/+/bLZbNq+fXt5l3LFIiMjNXPmzFL3j4+PV5s2bVxWDwAAAFyPIFWFpaen68EHH1T9+vXl7e2tOnXqqFevXkpMTCzv0srE2rVrZbPZVL16deXl5Tks27x5s2w2m2xVMKQCAADA9QhSVdT+/fvVrl07ffHFF3rhhRf07bffauXKleratatGjx5d3uWVqYCAAC1fvtyh7T//+Y/q1q1bThUBAACgsiNIVVGjRo2SzWbTpk2b1K9fPzVu3FjNmzfX+PHj9fXXX9v7HTx4UL1795a/v78CAwM1YMAAZWRk2JefuwztjTfeUN26deXv769Ro0apoKBAzz//vMLCwlS7dm09++yzDvu32WyaM2eOevToIV9fX9WvX1/vvffeRWv+7rvv1KNHD/n7+ys0NFR33XWXfv31V0m/jy55eXnpyy+/tPd//vnnVbt2bYd6izNkyBC98cYb9s+nTp3SkiVLNGTIkCJ933//fTVv3lze3t6KjIzU9OnTHZYfOXJEvXr1kq+vr6KiorRo0aIi28jMzNR9992nWrVqKTAwUDfddJN27Nhx0RoBAABQuRCkqqDjx49r5cqVGj16tPz8/IosDw4OliQVFhaqd+/eOn78uNatW6fVq1frxx9/1MCBAx3679u3T59++qlWrlypxYsX6z//+Y969uypn376SevWrdO0adP05JNPKjk52WG9SZMmqV+/ftqxY4cGDx6sQYMGaffu3cXWnJmZqZtuuklt27bVli1btHLlSmVkZGjAgAGSpC5dumjcuHG66667lJWVpW3btmnSpEn697//rdDQ0It+H3fddZe+/PJLHTx4UNLvYSkyMlLXX3+9Q7+UlBQNGDBAgwYN0rfffqv4+HhNmjRJCxYssPcZOnSoDh06pDVr1ui9997Tq6++qiNHjjhsp3///jpy5Ig+/fRTpaSk6Prrr1e3bt10/Pjxi9YJAACASsTAZGVlGUkmKyuryLJTp06ZXbt2mVOnTjkukMr2ZUFycrKRZJYtW3bRfp999plxd3c3Bw8etLft3LnTSDKbNm0yxhgzefJkU61aNZOdnW3vExcXZyIjI01BQYG9rUmTJmbq1KnnfT0yDzzwgMP+OnToYEaOHGmMMSYtLc1IMtu2bTPGGPPMM8+YW265xaH/oUOHjCSzZ88eY4wx+fn5pk2bNmbAgAGmWbNm5v7777/o8a1Zs8ZIMidOnDB9+vQxCQkJxhhjunbtal5++WWzfPlyc/7/An//+9/NzTff7LCNxx57zDRr1swYY8yePXscvhtjjNm9e7eRZGbMmGGMMebLL780gYGBJi8vz2E7DRo0MPPmzTPG/P6dtm7dusS6SzznAADAZSmbX9dyjKQ/Xjmu/9XQxTvIsR/L7+8r0u+6rnaxbHA+RqSqIGNMqfrt3r1bderUUZ06dextzZo1U3BwsMPIUWRkpAICAuyfQ0ND1axZM7m5uTm0XTgyExMTU+RzSSNSO3bs0Jo1a+Tv729/XXfddZJ+HxGTJC8vLy1atEjvv/++8vLyNGPGjFIdpyTde++9WrBggX788UclJSVp8ODBRfrs3r1bHTt2dGjr2LGjUlNTVVBQoN27d8vDw0Pt2rWzL7/uuuvsI3znjiMnJ0chISEOx5KWlmY/DgAAAFR+HuVdAJyvUaNGstls+v77752yPU9PT4fPNput2LbCwsLL3kdOTo569eqladOmFVkWHh5uf79x40ZJv1++ePz48WIvXSxOjx49NHz4cA0bNky9evVSSEjIZdd6MTk5OQoPD9fatWuLLDs/cAEAAKByY0SqCqpRo4bi4uL0yiuvKDc3t8jyzMxMSVLTpk116NAhHTp0yL5s165dyszMVLNmza64jvMntTj3uWnTpsX2vf7667Vz505FRkaqYcOGDq9zYWnfvn16+OGH9frrr6tDhw4aMmRIqcObh4eH7r77bq1du1b33ntvsX2aNm2qDRs2OLRt2LBBjRs3lru7u6677jqdPXtWKSkp9uV79uyxf5/njiM9PV0eHh5FjqNmzZqlqhUAAAAVH0GqinrllVdUUFCg9u3b6/3331dqaqp2796tWbNm2S+5i42NVcuWLTV48GBt3bpVmzZt0t13363OnTsrOjr6imt499139cYbb2jv3r2aPHmyNm3apDFjxhTbd/To0Tp+/LjuuOMObd68Wfv27dOqVat0zz33qKCgQAUFBbrzzjsVFxene+65R/Pnz9c333xTZFa9i3nmmWd09OhRxcXFFbv8kUceUWJiop555hnt3btXCxcu1L/+9S89+uijkqQmTZqoe/fuGjFihJKTk5WSkqL77rtPvr6+9m3ExsYqJiZGffr00Weffab9+/dr48aN+sc//qEtW7ZY+PYAAABQkRGkLlfZTTPx+8ui+vXra+vWrerataseeeQRtWjRQjfffLMSExM1Z84cSb9fjrdixQpVr15dN954o2JjY1W/fn0tXbrUKV9RQkKClixZolatWunNN9/U4sWLSxzpioiI0IYNG1RQUKBbbrlFLVu21Lhx4xQcHCw3Nzc9++yzOnDggObNmyfp98v9XnvtNT355JOlnlrcy8tLNWvWLPEhvNdff73eeecdLVmyRC1atNBTTz2lp59+WkOHDrX3mT9/viIiItS5c2fddtttGj58uGrXrm1fbrPZ9Mknn+jGG2/UPffco8aNG2vQoEE6cODAJWcXBAAAQOVhM6WdmaAKy87OVlBQkLKyshQYGOiwLC8vT2lpaYqKipKPj085VVj52Gw2LV++XH369CnvUiodzjkAAJyrhH9DdbJcSf5/vM+RVLr7uC+XkWsPqmyPRpc1cOAqF8sG52NECgAAAAAsIkgBAAAAgEVMfw6X4IpRAAAAVGWMSAEAAACARQSpUmKEBWWFcw0AAKDiI0hdgru7uyTp9OnT5VwJrhYnT56UJHl6epZzJQAAACgJ90hdgoeHh6pVq6ajR4/K09NTbm5kT7iGMUYnT57UkSNHFBwcbA/xAAAAqHgIUpdgs9kUHh6utLQ0HThwoLzLwVUgODhYYWFh5V0GAAAALoIgVQpeXl5q1KgRl/fB5Tw9PRmJAgAAqAQIUqXk5uYmHx+f8i4DAAAAQAXADT8AAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLKnSQKigo0KRJkxQVFSVfX181aNBAzzzzjIwx9j7GGD311FMKDw+Xr6+vYmNjlZqaWo5VAwAAAKjqKnSQmjZtmubMmaN//etf2r17t6ZNm6bnn39es2fPtvd5/vnnNWvWLM2dO1fJycny8/NTXFyc8vLyyrFyAAAAAFWZR3kXcDEbN25U79691bNnT0lSZGSkFi9erE2bNkn6fTRq5syZevLJJ9W7d29J0ptvvqnQ0FB98MEHGjRoULnVDgAAAKDqqtAjUjfccIMSExO1d+9eSdKOHTv01VdfqUePHpKktLQ0paenKzY21r5OUFCQOnTooKSkpBK3m5+fr+zsbIcXAAAAAJRWhR6ReuKJJ5Sdna3rrrtO7u7uKigo0LPPPqvBgwdLktLT0yVJoaGhDuuFhobalxVn6tSpSkhIcF3hAAAAAKq0Cj0i9c4772jRokV6++23tXXrVi1cuFAvvviiFi5ceEXbnThxorKysuyvQ4cOOaliAAAAAFeDCj0i9dhjj+mJJ56w3+vUsmVLHThwQFOnTtWQIUMUFhYmScrIyFB4eLh9vYyMDLVp06bE7Xp7e8vb29ultQMAAACouir0iNTJkyfl5uZYoru7uwoLCyVJUVFRCgsLU2Jion15dna2kpOTFRMTU6a1AgAAALh6VOgRqV69eunZZ59V3bp11bx5c23btk0vvfSS7r33XkmSzWbTuHHjNGXKFDVq1EhRUVGaNGmSIiIi1KdPn/ItHgAAAECVVaGD1OzZszVp0iSNGjVKR44cUUREhEaMGKGnnnrK3mfChAnKzc3V8OHDlZmZqU6dOmnlypXy8fEpx8oBAAAAVGU2Y4wp7yLKW3Z2toKCgpSVlaXAwMDyLgcAAABOZLOVxV5yJfn/8T5Hkp9L92bk2oMq26ORVIEiSWmzQYW+RwoAAAAAKiKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwyKO8CwAAAAAql8N/vM536rz32yX5FrNe+B8vVAUEKQAAAMCSeZISLrK8UwntkyXFO70alA+CFAAAAGDJCEm3XsZ6jEZVJQQpAAAAwBIu0QOTTQAAAACAZQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFHlZXSEtL05dffqkDBw7o5MmTqlWrltq2bauYmBj5+Pi4okYAAAAAqFBKHaQWLVqkl19+WVu2bFFoaKgiIiLk6+ur48ePa9++ffLx8dHgwYP1+OOPq169eq6sGQAAAADKVamCVNu2beXl5aWhQ4fq/fffV506dRyW5+fnKykpSUuWLFF0dLReffVV9e/f3yUFAwAAAEB5sxljzKU6rVq1SnFxcaXa4LFjx7R//361a9fuiosrK9nZ2QoKClJWVpYCAwPLuxwAAAA4kc1W3hU4n5FrDypXkv8f73Mk+bl0b5IuHUnKTGmzQalGpEoboiQpJCREISEhpe4PAAAAAJWN5ckmzvfxxx9r7dq1KigoUMeOHdWvXz9n1QUAAAAAFdZlT38+adIkTZgwQTabTcYYPfzww3rwwQedWRsAAAAAVEilukdKkrZs2aLo6Gj758aNG2vHjh3y9fWVJO3YsUNdunTRiRMnXFOpC3GPFAAAQNXFPVLWcY/UpbNBqUekHnjgAY0bN04nT56UJNWvX1/Tp0/Xnj179O2332rOnDlq3LjxlVcOAAAAABVcqYNUcnKywsPDdf311+vDDz/UG2+8oW3btumGG27QX/7yF/300096++23XVkrAAAAAFQIpb6075wff/xRI0eOlJ+fn/71r38pIiLCVbWVGS7tAwAAqLq4tM86Lu1z4qV959SvX1+rVq1S3759deONN+qVV165okIBAAAAoLIpdZDKzMzUhAkT1KtXLz355JPq27evkpOTtXnzZv35z3/Wt99+65ICf/75Z915550KCQmRr6+vWrZsqS1bttiXG2P01FNPKTw8XL6+voqNjVVqaqpLagEAAAAAyUKQGjJkiJKTk9WzZ0/t2bNHI0eOVEhIiBYsWKBnn31WAwcO1OOPP+7U4k6cOKGOHTvK09NTn376qXbt2qXp06erevXq9j7PP/+8Zs2apblz5yo5OVl+fn6Ki4tTXl6eU2sBAAAAgHNKfY9UQECAtm3bpoYNG6qgoEANGzZUWlqafXleXp6efvpp/fOf/3RacU888YQ2bNigL7/8stjlxhhFRETokUce0aOPPipJysrKUmhoqBYsWKBBgwaVaj/cIwUAAFB1cY+Uddwj5cR7pBo1aqTXXntNe/fu1dy5c1WvXj2H5T4+Pk4NUZL0v//9T9HR0erfv79q166ttm3b6vXXX7cvT0tLU3p6umJjY+1tQUFB6tChg5KSkkrcbn5+vrKzsx1eAAAAAFBapQ5Sb7zxhr744gu1bdtWb7/9tubMmePKuiT9PkPgnDlz1KhRI61atUojR47U2LFjtXDhQklSenq6JCk0NNRhvdDQUPuy4kydOlVBQUH2V506dVx3EAAAAACqHMvTn5clLy8vRUdHa+PGjfa2sWPHavPmzUpKStLGjRvVsWNH/fLLLwoPD7f3GTBggGw2m5YuXVrsdvPz85Wfn2//nJ2drTp16nBpHwAAQBXEpX3WcWmfky7tK6+sFR4ermbNmjm0NW3aVAcPHpQkhYWFSZIyMjIc+mRkZNiXFcfb21uBgYEOLwAAAAAorVIFqebNm2vJkiU6ffr0RfulpqZq5MiReu6555xSXMeOHbVnzx6Htr1799rvz4qKilJYWJgSExPty7Ozs5WcnKyYmBin1AAAAAAAF/IoTafZs2fr8ccf16hRo3TzzTcrOjpaERER8vHx0YkTJ7Rr1y599dVX2rlzp8aMGaORI0c6pbiHH35YN9xwg/75z39qwIAB2rRpk1577TW99tprkiSbzaZx48ZpypQpatSokaKiojRp0iRFRESoT58+TqkBAAAAAC5k6R6pr776SkuXLtWXX36pAwcO6NSpU6pZs6batm2ruLg4DR482OEZT87w0UcfaeLEiUpNTVVUVJTGjx+v+++/377cGKPJkyfrtddeU2Zmpjp16qRXX31VjRs3LvU+mP4cAACg6uIeKeu4R+rS2aBCTzZRVghSAAAAVRdByjqClBOfIwUAAAAA+B1BCgAAAAAsIkgBAAAAgEUEKQAAAACwyFKQOnv2rN58880iD8AFAAAAgKuJpSDl4eGhBx54QHl5ea6qBwAAAAAqPMuX9rVv317bt293QSkAAAAAUDl4WF1h1KhRGj9+vA4dOqR27drJz89xVvlWrVo5rTgAAAAAqIgsP5DXza3oIJbNZpMxRjabTQUFBU4rrqzwQF4AAICqiwfyWscDeS+dDSyPSKWlpV1RYQAAAABQ2VkOUvXq1XNFHQAAAABQaVgOUpK0b98+zZw5U7t375YkNWvWTA899JAaNGjg1OIAAAAAoCKyPGvfqlWr1KxZM23atEmtWrVSq1atlJycrObNm2v16tWuqBEAAAAAKhTLk020bdtWcXFxeu655xzan3jiCX322WfaunWrUwssC0w2AQAAUHUx2YR1TDZx6WxgeURq9+7dGjZsWJH2e++9V7t27bK6OQAAAACodCwHqVq1ahX7QN7t27erdu3azqgJAAAAACo0y5NN3H///Ro+fLh+/PFH3XDDDZKkDRs2aNq0aRo/frzTCwQAAACAisZykJo0aZICAgI0ffp0TZw4UZIUERGh+Ph4jR071ukFAgAAAEBFYylInT17Vm+//bb+/ve/6+GHH9Zvv/0mSQoICHBJcQAAAABQEVm6R8rDw0MPPPCA8vLyJP0eoAhRAAAAAK42liebaN++vbZt2+aKWgAAAACgUrB8j9SoUaP0yCOP6KefflK7du3k5+c4q3yrVq2cVhwAAAAAVESWH8jr5lZ0EMtms8kYI5vNpoKCAqcVV1Z4IC8AAEDVxQN5reOBvJfOBpZHpNLS0q6oMAAAAACo7CwFqTNnzuimm27SRx99pKZNm7qqJgAAAACo0CxNNuHp6WmfsQ8AAAAArlaWZ+0bPXq0pk2bprNnz7qiHgAAAACo8CzfI7V582YlJibqs88+U8uWLYvM2rds2TKnFQcAAAAAFZHlIBUcHKx+/fq5ohYAAAAAqBQsB6n58+e7og4AAAAAqDRKfY/UkSNHLrr87Nmz2rRp0xUXBAAAAAAVXamDVHh4uEOYatmypQ4dOmT/fOzYMcXExDi3OgAAAACogEodpMwFTxvev3+/zpw5c9E+AAAAAFAVWZ7+/GJsNpszNwcAAAAAFZJTgxQAAAAAXA1KPWufzWbTb7/9Jh8fHxljZLPZlJOTo+zsbEmy/xcAAAAAqrpSByljjBo3buzwuW3btg6fubQPAAAAwNWg1EFqzZo1rqwDAAAAACqNUgepzp07u7IOAAAAAKg0mGwCAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMCiUs3ad9ttt5V6g8uWLbvsYgAAAACgMijViFRQUJD9FRgYqMTERG3ZssW+PCUlRYmJiQoKCnJZoQAAAABQUZRqRGr+/Pn2948//rgGDBiguXPnyt3dXZJUUFCgUaNGKTAw0DVVAgAAAEAFYjPGGCsr1KpVS1999ZWaNGni0L5nzx7dcMMNOnbsmFMLLAvZ2dkKCgpSVlYWYRAAAKCKsdnKuwLnM3LtQeVK8v/jfY4kP5fuTZK1SOJSpc0GliebOHv2rL7//vsi7d9//70KCwutbg4AAAAAKp1SXdp3vnvuuUfDhg3Tvn371L59e0lScnKynnvuOd1zzz1OLxAAAAAAKhrLQerFF19UWFiYpk+frsOHD0uSwsPD9dhjj+mRRx5xeoEAAAAAUNFYvkfqfNnZ2ZJU6e8r4h4pAACAqot7pKzjHikX3CMl/X6f1Oeff67FixfL9seZ+csvvygnJ+fyqgUAAACASsTypX0HDhxQ9+7ddfDgQeXn5+vmm29WQECApk2bpvz8fM2dO9cVdQIAAABAhWF5ROqhhx5SdHS0Tpw4IV9fX3t73759lZiY6NTiAAAAAKAisjwi9eWXX2rjxo3y8vJyaI+MjNTPP//stMIAAAAAoKKyPCJVWFiogoKCIu0//fSTAgICnFIUAAAAAFRkloPULbfcopkzZ9o/22w25eTkaPLkyfrrX//qzNoAAAAAoEKyPP35Tz/9pLi4OBljlJqaqujoaKWmpqpmzZpav369ateu7apaXYbpzwEAAKoupj+3junPL50NLN8jde2112rHjh1aunSpduzYoZycHA0bNkyDBw92mHwCAAAAAKqqK3ogb1XBiBQAAEDVxYiUdYxIueCBvO7u7uratauOHz/u0J6RkSF3d3frlQIAAABAJWM5SBljlJ+fr+joaO3cubPIMgAAAACo6iwHKZvNpvfff1+9evVSTEyMVqxY4bAMAAAAAKq6yxqRcnd318svv6wXX3xRAwcO1JQpUxiNAgAAAHDVsDxr3/mGDx+uRo0aqX///lq/fr2zagIAAACACs3yiFS9evUcJpXo2rWrvv76ax06dMiphQEAAABARWV5RCotLa1IW8OGDbVt2zZlZGQ4pSgAAAAAqMgsj0iVxMfHR/Xq1XPW5gAAAACgwirViFSNGjW0d+9e1axZU9WrV7/o7HwXPl8KAAAAAKqaUgWpGTNmKCAgQJI0c+ZMV9YDAAAAABWezTBvubKzsxUUFKSsrCwFBgaWdzkAAABwoqr4qFMj1x5UriT/P97nSPJz6d4kVaBIUtpsUKoRqezs7FLvmCACAAAAoKorVZAKDg6+6H1R0u8P6rXZbCooKHBKYQAAAABQUZUqSK1Zs8bVdQAAAABApVGqINW5c2dX1wEAAAAAlYblB/Kec/LkSR08eFCnT592aG/VqtUVFwUAAAAAFZnlIHX06FHdc889+vTTT4tdzj1SAAAAAKo6N6srjBs3TpmZmUpOTpavr69WrlyphQsXqlGjRvrf//7nihoBAAAAoEKxPCL1xRdfaMWKFYqOjpabm5vq1aunm2++WYGBgZo6dap69uzpijoBAAAAoMKwPCKVm5ur2rVrS5KqV6+uo0ePSpJatmyprVu3Orc6AAAAAKiALAepJk2aaM+ePZKk1q1ba968efr55581d+5chYeHO71AAAAAAKhoLF/a99BDD+nw4cOSpMmTJ6t79+5atGiRvLy8tGDBAmfXBwAAAAAVjs0YY65kAydPntT333+vunXrqmbNms6qq0xlZ2crKChIWVlZCgwMLO9yAAAA4EQ2W3lX4HxGrj2oXEn+f7zPkeTn0r1JurJI4lSlzQaX/Rypc6pVq6brr7/+SjcDAAAAAJWG5SBljNF7772nNWvW6MiRIyosLHRYvmzZMqcVBwAAAAAVkeUgNW7cOM2bN09du3ZVaGiobFVxrBQAAAAALsJykHrrrbe0bNky/fWvf3VFPQAAAABQ4Vme/jwoKEj169d3RS0AAAAAUClYDlLx8fFKSEjQqVOnXFEPAAAAAFR4li/tGzBggBYvXqzatWsrMjJSnp6eDsu3bt3qtOIAAAAAoCKyHKSGDBmilJQU3XnnnUw2AQAAAOCqZDlIffzxx1q1apU6derkinoAAAAAoMKzfI9UnTp1LvqEXwAAAACo6iwHqenTp2vChAnav3+/C8oBAAAAgIrP8qV9d955p06ePKkGDRqoWrVqRSabOH78uNOKAwAAAICKyHKQmjlzpgvKAAAAAIDKw1KQOnPmjNatW6dJkyYpKirKVTWV6LnnntPEiRP10EMP2QNdXl6eHnnkES1ZskT5+fmKi4vTq6++qtDQ0DKvDwAAAMDVwdI9Up6ennr//fddVctFbd68WfPmzVOrVq0c2h9++GF9+OGHevfdd7Vu3Tr98ssvuu2228qlRgAAAABXB8uTTfTp00cffPCBC0opWU5OjgYPHqzXX39d1atXt7dnZWXpP//5j1566SXddNNNateunebPn6+NGzfq66+/LtMaAQAAAFw9LN8j1ahRIz399NPasGGD2rVrJz8/P4flY8eOdVpx54wePVo9e/ZUbGyspkyZYm9PSUnRmTNnFBsba2+77rrrVLduXSUlJenPf/5zsdvLz89Xfn6+/XN2drbTawYAAABQdVkOUv/5z38UHByslJQUpaSkOCyz2WxOD1JLlizR1q1btXnz5iLL0tPT5eXlpeDgYIf20NBQpaenl7jNqVOnKiEhwal1AgAAALh6WA5SaWlprqijWIcOHdJDDz2k1atXy8fHx2nbnThxosaPH2//nJ2drTp16jht+wAAAACqNsv3SJ3PGCNjjLNqKSIlJUVHjhzR9ddfLw8PD3l4eGjdunWaNWuWPDw8FBoaqtOnTyszM9NhvYyMDIWFhZW4XW9vbwUGBjq8AAAAAKC0LitIvfnmm2rZsqV8fX3l6+urVq1a6a233nJ2berWrZu+/fZbbd++3f6Kjo7W4MGD7e89PT2VmJhoX2fPnj06ePCgYmJinF4PAAAAAEiXcWnfSy+9pEmTJmnMmDHq2LGjJOmrr77SAw88oF9//VUPP/yw04oLCAhQixYtHNr8/PwUEhJibx82bJjGjx+vGjVqKDAwUA8++KBiYmJKnGgCAAAAAK6U5SA1e/ZszZkzR3fffbe97dZbb1Xz5s0VHx/v1CBVGjNmzJCbm5v69evn8EBeAAAAAHAVm7F4k5OPj4++++47NWzY0KE9NTVVLVu2VF5enlMLLAvZ2dkKCgpSVlYW90sBAABUMTZbeVfgfEauPahcSf5/vM+R5HeRvk7hwnkXrCptNrB8j1TDhg31zjvvFGlfunSpGjVqZHVzAAAAAFDpWL60LyEhQQMHDtT69evt90ht2LBBiYmJxQYsAAAAAKhqLI9I9evXT8nJyapZs6Y++OADffDBB6pZs6Y2bdqkvn37uqJGAAAAAKhQLN8jVRVxjxQAAEDVxT1S1nGPlAvukQIAAACAq12p75Fyc3OT7RJx3maz6ezZs1dcFAAAAABUZKUOUsuXLy9xWVJSkmbNmqXCwkKnFAUAAAAAFVmpg1Tv3r2LtO3Zs0dPPPGEPvzwQw0ePFhPP/20U4sDAAAAgIrosu6R+uWXX3T//ferZcuWOnv2rLZv366FCxeqXr16zq4PAAAAACocS0EqKytLjz/+uBo2bKidO3cqMTFRH374oVq0aOGq+gAAAACgwin1pX3PP/+8pk2bprCwMC1evLjYS/0AAAAA4GpQ6udIubm5ydfXV7GxsXJ3dy+x37Jly5xWXFnhOVIAAABVF8+Rso7nSF06G5R6ROruu+++5PTnAAAAAHA1KHWQWrBggQvLAAAAAIDK47Jm7QMAAACAqxlBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALDIo7wLAAAAQOkcPnxYhw8ftrxeeHi4wsPDXVARcPUiSAEAAFQS8+bNU0JCguX1Jk+erPj4eOcXBFzFCFIAAACVxIgRI3Trrbc6tJ06dUqdOnWSJH311Vfy9fUtsh6jUYDzEaQAAAAqieIu0cvNzbW/b9Omjfz8/Mq6LOCqxGQTAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARRU6SE2dOlV/+tOfFBAQoNq1a6tPnz7as2ePQ5+8vDyNHj1aISEh8vf3V79+/ZSRkVFOFQMAAAC4GlToILVu3TqNHj1aX3/9tVavXq0zZ87olltuUW5urr3Pww8/rA8//FDvvvuu1q1bp19++UW33XZbOVYNAAAAoKqzGWNMeRdRWkePHlXt2rW1bt063XjjjcrKylKtWrX09ttv6/bbb5ckff/992ratKmSkpL05z//uVTbzc7OVlBQkLKyshQYGOjKQwAAAHCq3Nxc+fv7S5JycnLk5+dXzhVVPDZbeVfgfEauPahcSf5/vM+R5PKzqgJFktJmgwo9InWhrKwsSVKNGjUkSSkpKTpz5oxiY2Ptfa677jrVrVtXSUlJJW4nPz9f2dnZDi8AAAAAKK1KE6QKCws1btw4dezYUS1atJAkpaeny8vLS8HBwQ59Q0NDlZ6eXuK2pk6dqqCgIPurTp06riwdAAAAQBVTaYLU6NGj9d1332nJkiVXvK2JEycqKyvL/jp06JATKgQAAABwtfAo7wJKY8yYMfroo4+0fv16XXvttfb2sLAwnT59WpmZmQ6jUhkZGQoLCytxe97e3vL29nZlyQAAAACqsAo9ImWM0ZgxY7R8+XJ98cUXioqKcljerl07eXp6KjEx0d62Z88eHTx4UDExMWVdLgAAAICrRIUekRo9erTefvttrVixQgEBAfb7noKCguTr66ugoCANGzZM48ePV40aNRQYGKgHH3xQMTExpZ6xDwAAAACsqtBBas6cOZKkLl26OLTPnz9fQ4cOlSTNmDFDbm5u6tevn/Lz8xUXF6dXX321jCsFAAAAcDWpVM+RchWeIwUAACorniN1aTxHyjqeI3XpbFChR6QAAAAqvbL8Ld7f/9J9nKEC/dILlJcKPdkEAAAAAFREBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFnmUdwEAAAAAys/hP17nO3Xe++2SfItZL/yP19WKIAUAAABcxeZJSrjI8k4ltE+WFO/0aioPghQAAKiyDh8+rMOHL/y39ksLDw9XePjV/G/tuJqMkHTrZax3tf8fQpACAABV1rx585SQcLF/ay/e5MmTFR8f7/yCgAroar9E73IRpAAAQJU1YsQI3Xqr47+1nzp1Sp06/X6x0ldffSVf36J3fzAaBeBSCFIAAKDKKu4SvdzcXPv7Nm3ayM/Pr6zLAlAFMP05AAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFzNoHAABQSRz+43W+U+e93y6p6GTuPCcIcAWCFAAAQCUxT9LFHi/cqYT2yZLinV4NcHUjSAEAAFQSIyTdesleRTEaBTgfQQoAAKCS4BI9oOJgsgkAAAAAsIggBQAAAAAWEaQAAAAAwCLukQIAABWKzVZ2+/L3d/0+jOt3AaAcMCIFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKP8i4AAICq6PDhwzp8+LDl9cLDwxUeHu6CigAAzkSQAgDABebNm6eEhATL602ePFnx8fHOLwgA4FQEKQAAXGDEiBG69dZbHdpOnTqlTp06SZK++uor+fr6FlmP0SgAqBwIUgAAuEBxl+jl5uba37dp00Z+fn5lXdZV6PAfr/OdOu/9dklFA60U/scLAIpHkAIAAFXYPEkXu8SyUwntkyXFO70aAFUHQQoAAFRhIyTdesleRTEaBeDiCFIAAJxjs5Xdvvz9y2Y/xpTNfiosLtED4Bo8RwoAAAAALKoyI1KvvPKKXnjhBaWnp6t169aaPXu22rdvX95lAQBKiecuAQAqkyoRpJYuXarx48dr7ty56tChg2bOnKm4uDjt2bNHtWvXLu/yAAClwHOXAACVic2Yyn/xdIcOHfSnP/1J//rXvyRJhYWFqlOnjh588EE98cQTl1w/OztbQUFBysrKUmBgoKvLBSq9qjZyUNWOpyw595ai7ZJ2XtCWL2nYH+//I8m7mPWaS2rjlAqMXHuPVK6kc3dG5Ugqk8nPK+Ff82V5q1pZcPV5VS4q2XlV1c4pqQqeVxXonCptNqj0I1KnT59WSkqKJk6caG9zc3NTbGyskpKSil0nPz9f+fn59s9ZWVmSfv/SqppvvvlGu3fvtrxe06ZN1apVKxdUdOWq4jGVhaAgZ27tWUmvXMZ6oyX90ykVZMl5B1T+R/OHP/4sunotlfTcRZYPK6H9CUn1nVKBM/8WSP/jdb68895vkORTzHphf7ycpgr+3VbZVMmfAOdVuatyP4EKdE6dywSXGm+q9CNSv/zyi6655hpt3LhRMTEx9vYJEyZo3bp1Sk5OLrJOfHz8ZV0+AgAAAODqcOjQIV177bUlLq/0I1KXY+LEiRo/frz9c2FhoY4fP66QkBDZquLYbznKzs5WnTp1dOjQIS6bhNNwXsEVOK/gCpxXcAXOK9cyxui3335TRETERftV+iBVs2ZNubu7KyMjw6E9IyNDYWHFXxzh7e0tb2/H6+yDg4NdVSIkBQYG8j86nI7zCq7AeQVX4LyCK3BeuU5QKe6JqPTPkfLy8lK7du2UmJhobyssLFRiYqLDpX4AAAAA4CyVfkRKksaPH68hQ4YoOjpa7du318yZM5Wbm6t77rmnvEsDAAAAUAVViSA1cOBAHT16VE899ZTS09PVpk0brVy5UqGhoeVd2lXP29tbkydPLnIpJXAlOK/gCpxXcAXOK7gC51XFUOln7QMAAACAslbp75ECAAAAgLJGkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIXeVeeeUVRUZGysfHRx06dNCmTZsu2v/dd9/VddddJx8fH7Vs2VKffPKJw3JjjJ566imFh4fL19dXsbGxSk1Ndehz/PhxDR48WIGBgQoODtawYcOUk5NjX56Xl6ehQ4eqZcuW8vDwUJ8+fYqtZe3atbr++uvl7e2thg0basGCBZf1HcD5yuO8evbZZ3XDDTeoWrVqJT5g++DBg+rZs6eqVaum2rVr67HHHtPZs2cd+nBeVVzOPq+WLVumW265RSEhIbLZbNq+fXuRbeTl5Wn06NEKCQmRv7+/+vXrV+QB8JxXsHJu7ty5U/369VNkZKRsNptmzpxZdoWi0lu/fr169eqliIgI2Ww2ffDBB+Vd0lWNIHUVW7p0qcaPH6/Jkydr69atat26teLi4nTkyJFi+2/cuFF33HGHhg0bpm3btqlPnz7q06ePvvvuO3uf559/XrNmzdLcuXOVnJwsPz8/xcXFKS8vz95n8ODB2rlzp1avXq2PPvpI69ev1/Dhw+3LCwoK5Ovrq7Fjxyo2NrbYWtLS0tSzZ0917dpV27dv17hx43Tfffdp1apVTvp2cLnK67w6ffq0+vfvr5EjRxa7n4KCAvXs2VOnT5/Wxo0btXDhQi1YsEBPPfWUvQ/nVcXlivMqNzdXnTp10rRp00rc78MPP6wPP/xQ7777rtatW6dffvlFt912m3055xWsnpsnT55U/fr19dxzzyksLKyMq0Vll5ubq9atW+uVV14p71IgSQZXrfbt25vRo0fbPxcUFJiIiAgzderUYvsPGDDA9OzZ06GtQ4cOZsSIEcYYYwoLC01YWJh54YUX7MszMzONt7e3Wbx4sTHGmF27dhlJZvPmzfY+n376qbHZbObnn38uss8hQ4aY3r17F2mfMGGCad68uUPbwIEDTVxc3CWOGq5WHufV+ebPn2+CgoKKtH/yySfGzc3NpKen29vmzJljAgMDTX5+vjGG86oic/Z5db60tDQjyWzbts2hPTMz03h6epp3333X3rZ7924jySQlJRljOK9g/dw8X7169cyMGTNcWB2qMklm+fLl5V3GVY0RqavU6dOnlZKS4jDi4+bmptjYWCUlJRW7TlJSUpERori4OHv/tLQ0paenO/QJCgpShw4d7H2SkpIUHBys6Ohoe5/Y2Fi5ubkpOTm51PVfqhaUj/I6r0ojKSlJLVu2dHhQd1xcnLKzs7Vz585S1YLy4YrzqjRSUlJ05swZh+1cd911qlu3rsOfaZxXV6/LOTcBVB0EqavUr7/+qoKCAoe//CUpNDRU6enpxa6Tnp5+0f7n/nupPrVr13ZY7uHhoRo1apS4Xyu1ZGdn69SpU6XeDpyrvM6r0ihpP+fvg/OqYnLFeVUa6enp8vLyKnLP3YXnJ+fV1etyzk0AVQdBCgAAAAAsIkhdpWrWrCl3d/cis09lZGSUePNrWFjYRfuf+++l+lx4A+7Zs2d1/PhxSzfdllRLYGCgfH19S70dOFd5nVelUdJ+zt8H51XF5IrzqjTCwsJ0+vRpZWZmlrgdzqur2+WcmwCqDoLUVcrLy0vt2rVTYmKiva2wsFCJiYmKiYkpdp2YmBiH/pK0evVqe/+oqCiFhYU59MnOzlZycrK9T0xMjDIzM5WSkmLv88UXX6iwsFAdOnQodf2XqgXlo7zOq9KIiYnRt99+6xDkV69ercDAQDVr1qxUtaB8uOK8Ko127drJ09PTYTt79uzRwYMHHf5M47y6el3OuQmgCinv2S5QfpYsWWK8vb3NggULzK5du8zw4cNNcHCwffapu+66yzzxxBP2/hs2bDAeHh7mxRdfNLt37zaTJ082np6e5ttvv7X3ee6550xwcLBZsWKF+eabb0zv3r1NVFSUOXXqlL1P9+7dTdu2bU1ycrL56quvTKNGjcwdd9zhUNvOnTvNtm3bTK9evUyXLl3Mtm3bHGbU+vHHH021atXMY489Znbv3m1eeeUV4+7ublauXOmibwulVV7n1YEDB8y2bdtMQkKC8ff3t58zv/32mzHGmLNnz5oWLVqYW265xWzfvt2sXLnS1KpVy0ycONG+Dc6rissV59WxY8fMtm3bzMcff2wkmSVLlpht27aZw4cP2/s88MADpm7duuaLL74wW7ZsMTExMSYmJsa+nPMKVs/N/Px8+59P4eHh5tFHHzXbtm0zqamp5XUIqER+++03+/kjybz00ktm27Zt5sCBA+Vd2lWJIHWVmz17tqlbt67x8vIy7du3N19//bV9WefOnc2QIUMc+r/zzjumcePGxsvLyzRv3tx8/PHHDssLCwvNpEmTTGhoqPH29jbdunUze/bscehz7Ngxc8cddxh/f38TGBho7rnnHvsvu+fUq1fPSCryOt+aNWtMmzZtjJeXl6lfv76ZP3/+lX8hcIryOK+GDBlS7DmzZs0ae5/9+/ebHj16GF9fX1OzZk3zyCOPmDNnzjhsh/Oq4nL2eTV//vxiz5nJkyfb+5w6dcqMGjXKVK9e3VSrVs307dvXIWgZw3kFa+fmuen2L3x17ty57AtHpbNmzZpiz58L//xD2bAZY0wZDX4BAAAAQJXAPVIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAIAyNXToUPXp06fSbbsyiIyM1MyZM12y7S5dumjcuHEu2TYAVEYEKQCoIoYOHSqbzSabzSYvLy81bNhQTz/9tM6ePXvF261o4WT//v2y2Wzavn27Q/vLL7+sBQsWuHz/577nr7/+2qE9Pz9fISEhstlsWrt2rcvruNDmzZs1fPhw+2ebzaYPPvigzOsAgKsBQQoAqpDu3bvr8OHDSk1N1SOPPKL4+Hi98MILl7WtgoICFRYWOq02Z2+vOEFBQQoODnbpPs6pU6eO5s+f79C2fPly+fv7l8n+i1OrVi1Vq1at3PYPAFcTghQAVCHe3t4KCwtTvXr1NHLkSMXGxup///ufpN9HSx599FFdc8018vPzU4cOHRxGTRYsWKDg4GD973//U7NmzeTt7a17771XCxcu1IoVK+yjMGvXrtXatWtls9mUmZlpX3/79u2y2Wzav39/ids7ePCgvX9CQoJq1aqlwMBAPfDAAzp9+rR92cqVK9WpUycFBwcrJCREf/vb37Rv3z778qioKElS27ZtZbPZ1KVLF0lFR8/y8/M1duxY1a5dWz4+PurUqZM2b95sX37uOBITExUdHa1q1arphhtu0J49ey75XQ8ZMkRLlizRqVOn7G1vvPGGhgwZUqTv448/rsaNG6tatWqqX7++Jk2apDNnzjj0mTJlimrXrq2AgADdd999euKJJ9SmTRv78nPH9uKLLyo8PFwhISEaPXq0w3bOv7QvMjJSktS3b1/ZbDb75+JGGMeNG2f/DiUpNzdXd999t/z9/RUeHq7p06cXOaZLnU8AUNURpACgCvP19bUHlDFjxigpKUlLlizRN998o/79+6t79+5KTU219z958qSmTZumf//739q5c6dmzZqlAQMG2Ee6Dh8+rBtuuKHU+79we7Vr15YkJSYmavfu3Vq7dq0WL16sZcuWKSEhwb5ebm6uxo8fry1btigxMVFubm7q27evfURr06ZNkqTPP/9chw8f1rJly4rd/4QJE/T+++9r4cKF2rp1qxo2bKi4uDgdP37cod8//vEPTZ8+XVu2bJGHh4fuvffeSx5bu3btFBkZqffff1+SdPDgQa1fv1533XVXkb4BAQFasGCBdu3apZdfflmvv/66ZsyYYV++aNEiPfvss5o2bZpSUlJUt25dzZkzp8h21qxZo3379mnNmjVauHChFixYUOKljOcC4/z583X48GGHAHkpjz32mNatW6cVK1bos88+09q1a7V161aHPqU5nwCgSjMAgCphyJAhpnfv3sYYYwoLC83q1auNt7e3efTRR82BAweMu7u7+fnnnx3W6datm5k4caIxxpj58+cbSWb79u0lbvecNWvWGEnmxIkT9rZt27YZSSYtLe2S26tRo4bJzc21t82ZM8f4+/ubgoKCYo/t6NGjRpL59ttvjTHGpKWlGUlm27ZtJdaak5NjPD09zaJFi+zLT58+bSIiIszzzz/vcByff/65vc/HH39sJJlTp04VW4sxxkgyy5cvNzNnzjRdu3Y1xhiTkJBg+vbta06cOGEkmTVr1pS4/gsvvGDatWtn/9yhQwczevRohz4dO3Y0rVu3dji2evXqmbNnz9rb+vfvbwYOHGj/XK9ePTNjxowidZ6vuJ/nQw89ZDp37myMMea3334zXl5e5p133rEvP3bsmPH19TUPPfSQMcaU6nwCgKqOESkAqEI++ugj+fv7y8fHRz169NDAgQMVHx+vb7/9VgUFBWrcuLH8/f3tr3Xr1jlcMufl5aVWrVo5rZ6Stte6dWuHe3liYmKUk5OjQ4cOSZJSU1N1xx13qH79+goMDLRflnb+pYGXsm/fPp05c0YdO3a0t3l6eqp9+/bavXu3Q9/zawwPD5ckHTly5JL7uPPOO5WUlKQff/xRCxYsKHEka+nSperYsaPCwsLk7++vJ5980uFY9uzZo/bt2zusc+FnSWrevLnc3d0dai1NnVbs27dPp0+fVocOHextNWrUUJMmTeyfS3s+AUBV5lHeBQAAnKdr166aM2eOvLy8FBERIQ+P3/+Yz8nJkbu7u1JSUhx+EZfkMDmCr6+vbDbbJffj5vb7v8MZY+xtF97zY2V7F+rVq5fq1aun119/XRERESosLFSLFi0c7qNyJk9PT/v7c/WWZmKMc/dvDRs2THl5eerRo4d+++03hz5JSUkaPHiwEhISFBcXp6CgIC1ZsqTY+46s1HmuVqsTeLi5uTn83KTif3YXU9rzCQCqMkakAKAK8fPzU8OGDVW3bl17iJJ+n5ShoKBAR44cUcOGDR1eYWFhF92ml5eXCgoKHNpq1aolSTp8+LC97cKpyC9mx44dDpM0fP311/L391edOnV07Ngx7dmzR08++aS6deumpk2b6sSJE0VqklSkrvM1aNBAXl5e2rBhg73tzJkz2rx5s5o1a1bqWi/l3nvv1dq1a3X33XcXCRWStHHjRtWrV0//+Mc/FB0drUaNGunAgQMOfZo0aVLkHiYr9zSVxNPTs9if3fk/N8nxZ9egQQN5enoqOTnZ3nbixAnt3bvX/vlKzicAqCoIUgBwFWjcuLEGDx6su+++W8uWLVNaWpo2bdqkqVOn6uOPP77oupGRkfrmm2+0Z88e/frrrzpz5owaNmyoOnXqKD4+Xqmpqfr4448tjbCcPn1aw4YN065du/TJJ59o8uTJGjNmjNzc3FS9enWFhITotdde0w8//KAvvvhC48ePd1i/du3a8vX11cqVK5WRkaGsrKwi+/Dz89PIkSP12GOPaeXKldq1a5fuv/9+nTx5UsOGDSt1rZfSvXt3HT16VE8//XSxyxs1aqSDBw9qyZIl2rdvn2bNmqXly5c79HnwwQf1n//8RwsXLlRqaqqmTJmib7755rJG884XGRmpxMREpaen28PoTTfdpC1btujNN99UamqqJk+erO+++86+jr+/v4YNG6bHHntMX3zxhb777jsNHTrUPgopXdn5BABVBUEKAK4S8+fP1913361HHnlETZo0UZ8+fbR582bVrVv3ouvdf//9atKkiaKjo1WrVi1t2LBBnp6eWrx4sb7//nu1atVK06ZN05QpU0pdS7du3dSoUSPdeOONGjhwoG699VbFx8dL+v3SsyVLliglJUUtWrTQww8/XORZWB4eHpo1a5bmzZuniIgI9e7du9j9PPfcc+rXr5/uuusuXX/99frhhx+0atUqVa9evdS1XorNZlPNmjXto2QXuvXWW/Xwww9rzJgxatOmjTZu3KhJkyY59Bk8eLAmTpyoRx99VNdff73S0tI0dOhQ+fj4XFFt06dP1+rVq1WnTh21bdtWkhQXF6dJkyZpwoQJ+tOf/qTffvtNd999t8N6L7zwgv7yl7+oV69eio2NVadOndSuXTuHPpd7PgFAVWEzF14oDQAAyt3NN9+ssLAwvfXWW+VdCgCgGEw2AQBAOTt58qTmzp2ruLg4ubu7a/Hixfr888+1evXq8i4NAFACRqQAAChnp06dUq9evbRt2zbl5eWpSZMmevLJJ3XbbbeVd2kAgBIQpAAAAADAIiabAAAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFj0/wA5hLvSu+QPwwAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], "source": [ - "mean_errors_simple, std_errors_simple = zip(*results_simple)\n", - "mean_errors_complex, std_errors_complex = zip(*results_complex)\n", - "\n", - "print(mean_errors_simple)\n", - "\n", - "# Find the maximum mean error for both models\n", - "max_error_simple = max(mean_errors_simple)\n", - "max_error_complex = max(mean_errors_complex)\n", - "\n", - "# Normalize mean errors by their maximum values and multiply by 100\n", - "normalized_mean_errors_simple = [(x / max_error_simple) * 100 for x in mean_errors_simple]\n", - "normalized_mean_errors_complex = [(x / max_error_complex) * 100 for x in mean_errors_complex]\n", - "\n", - "# Normalize standard deviations by the same factor as their corresponding means\n", - "normalized_std_errors_simple = [(y / max_error_simple) * 100 for y in std_errors_simple]\n", - "normalized_std_errors_complex = [(y / max_error_complex) * 100 for y in std_errors_complex]\n", - "\n", - "# perturbation strengths\n", - "perturbation_strengths = [0.0001, 0.001, 0.01, 0.1, 1]\n", - "\n", - "# Plotting\n", - "plt.figure(figsize=(10, 7))\n", - "\n", - "# Width of a bar\n", - "bar_width = 0.35\n", - "\n", - "# Positions of the left bar-boundaries\n", - "bar_positions = np.arange(len(perturbation_strengths))\n", - "\n", - "# Bar plot for the simple model\n", - "plt.bar(bar_positions - bar_width/2, normalized_mean_errors_simple, width=bar_width, color='blue', yerr=normalized_std_errors_simple, capsize=5, label='Simple Model')\n", - "\n", - "# Bar plot for the complex model\n", - "plt.bar(bar_positions + bar_width/2, normalized_mean_errors_complex, width=bar_width, color='red', yerr=normalized_std_errors_complex, capsize=5, label='Complex Model')\n", - "\n", - "# Adding labels, title, and legend\n", - "plt.xlabel('Normalized initial condition perturbation magnitude')\n", - "plt.ylabel('Normalized error (%)')\n", - "plt.title('Perturbation of the inputs')\n", - "plt.xticks(bar_positions, [f\"{x:.5f}\" if x < 0.1 else f\"{int(x)}\" for x in perturbation_strengths])\n", - "plt.legend()\n", - "\n", - "# Set y-axis to display up to 100%\n", - "plt.ylim(0, 100)\n", - "\n", - "plt.show()" + "#Plot perturbation results\n", + "plot_perturbation_results(perturbation_strengths, results_simple, results_complex)\n" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 18, "id": "73366bc5-4ce8-4ad0-8eef-9da6044deef4", "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Testing perturbation percentage 0.0001\n", + " Perturbation 1/50\n", + "Completed testing for perturbation percentage 0.0001. Mean error: 0.0248, Std. dev.: 0.0000\n", + "\n", + "Testing perturbation percentage 0.0010\n", + " Perturbation 1/50\n", + "Completed testing for perturbation percentage 0.0010. Mean error: 0.0250, Std. dev.: 0.0000\n", + "\n", + "Testing perturbation percentage 0.0100\n", + " Perturbation 1/50\n", + "Completed testing for perturbation percentage 0.0100. Mean error: 0.0242, Std. dev.: 0.0000\n", + "\n", + "Testing perturbation percentage 0.1000\n", + " Perturbation 1/50\n", + "Completed testing for perturbation percentage 0.1000. Mean error: 0.0269, Std. dev.: 0.0000\n", + "\n", + "Testing perturbation percentage 1.0000\n", + " Perturbation 1/50\n", + "Completed testing for perturbation percentage 1.0000. Mean error: 0.0344, Std. dev.: 0.0000\n", + "\n", + "Testing perturbation percentage 0.0001\n", + " Perturbation 1/50\n", + "Completed testing for perturbation percentage 0.0001. Mean error: 0.0259, Std. dev.: 0.0000\n", + "\n", + "Testing perturbation percentage 0.0010\n", + " Perturbation 1/50\n", + "Completed testing for perturbation percentage 0.0010. Mean error: 0.0260, Std. dev.: 0.0000\n", + "\n", + "Testing perturbation percentage 0.0100\n", + " Perturbation 1/50\n", + "Completed testing for perturbation percentage 0.0100. Mean error: 0.0261, Std. dev.: 0.0000\n", + "\n", + "Testing perturbation percentage 0.1000\n", + " Perturbation 1/50\n", + "Completed testing for perturbation percentage 0.1000. Mean error: 0.0219, Std. dev.: 0.0000\n", + "\n", + "Testing perturbation percentage 1.0000\n", + " Perturbation 1/50\n", + "Completed testing for perturbation percentage 1.0000. Mean error: 0.0767, Std. dev.: 0.0000\n", + "\n" + ] + } + ], "source": [ "import numpy as np\n", "import torch\n", @@ -1307,8 +1219,8 @@ "def test_perturbed_structure(model, perturbation_percentages, test_loader, criterion, device):\n", " model.eval() # Set the model to evaluation mode\n", " mean_strength = calculate_mean_absolute_strength(model)\n", - " perturbation_errors = []\n", - " perturbation_std_devs = [] # Store standard deviations for error bars\n", + " perturbation_results = [] # List to store (mean error, std dev) tuples\n", + "\n", " original_weights = model.J.data.clone() # Save the original weights\n", "\n", " for percentage in perturbation_percentages:\n", @@ -1333,78 +1245,44 @@ " loss = criterion(output, targets[:, -1, :]).item()\n", " batch_errors.append(loss)\n", " \n", - " model.J.data = original_weights.data\n", + " model.J.data = original_weights.data # Reset to original weights after each perturbation\n", " multiple_perturbations_error.append(np.mean(batch_errors))\n", " \n", " mean_error = np.mean(multiple_perturbations_error) # Average over the 50 perturbations\n", " std_dev_error = np.std(multiple_perturbations_error) # Standard deviation for error bars\n", - " perturbation_errors.append(mean_error)\n", - " perturbation_std_devs.append(std_dev_error)\n", + " perturbation_results.append((mean_error, std_dev_error))\n", " print(f\"Completed testing for perturbation percentage {percentage:.4f}. Mean error: {mean_error:.4f}, Std. dev.: {std_dev_error:.4f}\\n\")\n", " \n", - " return perturbation_errors, perturbation_std_devs\n", + " return perturbation_results\n", "\n", "# Define perturbation strengths as percentages\n", "perturbation_percentages = [0.0001, 0.001, 0.01, 0.1, 1]\n", "\n", "# Function calls for simple and complex models\n", - "simple_model_errors_2, simple_model_std_devs_2 = test_perturbed_structure(model, perturbation_percentages, simple_train_loader, criterion, device)\n", - "complex_model_errors_2, complex_model_std_devs_2 = test_perturbed_structure(complicated_model, perturbation_percentages, complicated_train_loader, criterion, device)\n" + "simple_model_errors_2 = test_perturbed_structure(model, perturbation_percentages, simple_train_loader, criterion, device)\n", + "complex_model_errors_2 = test_perturbed_structure(complicated_model, perturbation_percentages, complicated_train_loader, criterion, device)\n" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 19, "id": "257161c9-9155-4dfd-b089-b12ac2725dde", "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA1IAAAJwCAYAAACDNVCOAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjYuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8o6BhiAAAACXBIWXMAAA9hAAAPYQGoP6dpAABemklEQVR4nO3deViVdf7/8ddhRxFQVJAZFVxz12R0SMclKXTM3HJpLJcsyyUzTcspU8vGtEzTSa2m1BpTWzSnTTNyKSVUXCo1JcOlBTQVcAMVPr8/+np+HgHl1nPkcHg+rutcee77c9/nfR/eFq/u+/7cNmOMEQAAAACgyLyKuwAAAAAAKGkIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAMtsNptGjBhxQz6rXbt2ateu3Q35rGuVnp6uu+66S2FhYbLZbJo1a5blfQwcOFBBQUHOL+4ykyZNks1mc/nnAICnI0gBwA2ycOFC2Ww2+ysgIEB16tTRiBEjlJ6e7tTPmjt3rhYuXOjUfbrS7t27NWnSJB04cKC4S7kmjz76qFavXq3x48fr7bffVseOHQscd+bMGU2aNEnr1q27sQW6sU2bNmnSpEnKyMgo7lIAwBKf4i4AAEqbZ555RtHR0crOztbXX3+tefPm6dNPP9X333+vMmXKOOUz5s6dq4oVK2rgwIFO2Z+r7d69W5MnT1a7du0UFRXlsO7zzz8vnqIs+PLLL9W1a1c99thjVxx35swZTZ48WZKK7SzbU089pSeeeKJYPrsgmzZt0uTJkzVw4ECFhoYWdzkAUGQEKQC4wTp16qSYmBhJ0v3336+wsDC99NJLWrlype6+++7r2veZM2ecFsYuZ4xRdna2AgMDXbL/wvj5+d3Qz7sWR44cKTEhwMfHRz4+/OcfAK4Xl/YBQDG79dZbJUmpqan2Zf/973/VvHlzBQYGqkKFCurbt68OHz7ssF27du3UsGFDJScnq02bNipTpoz++c9/KioqSrt27dL69evtlxFePPtR2P0xFy87vPTSuqioKN1xxx1avXq1YmJiFBgYqFdffdVhu8WLF6tu3boKCAhQ8+bNtWHDBof1Bw8e1LBhw1S3bl0FBgYqLCxMvXr1cvichQsXqlevXpKk9u3b22u+ePlbQfdIHTlyRIMHD1Z4eLgCAgLUpEkTLVq0yGHMgQMHZLPZ9OKLL+q1115TzZo15e/vr7/85S/asmVLwT+My/z000/q1auXKlSooDJlyuivf/2rPvnkk3zfmzFGr7zyir32ghw4cECVKlWSJE2ePNk+dtKkSQ7jfvnlF3Xr1k1BQUGqVKmSHnvsMeXm5jqMycvL06xZs9SgQQMFBAQoPDxcDz74oE6cOHHVYyqoBy7e8/bhhx+qYcOG8vf3V4MGDbRq1aoCt/3hhx/Uu3dvBQcHKywsTI888oiys7MdjtVmsxV4eemlxzxp0iSNHTtWkhQdHW3/Ti72x5o1a9S6dWuFhoYqKChIdevW1T//+c+rHiMA3Aj8LykAKGb79++XJIWFhUmSnnvuOU2YMEG9e/fW/fffr6NHj2rOnDlq06aNtm/f7nDm49ixY+rUqZP69u2re+65R+Hh4WrXrp0efvhhBQUF6cknn5QkhYeHX1Nte/fu1d13360HH3xQDzzwgOrWrWtft379ei1btkwjR46Uv7+/5s6dq44dO2rz5s1q2LChJGnLli3atGmT+vbtqz//+c86cOCA5s2bp3bt2mn37t0qU6aM2rRpo5EjR2r27Nn65z//qXr16kmS/Z+XO3v2rNq1a6cff/xRI0aMUHR0tN577z0NHDhQGRkZeuSRRxzGv/POOzp58qQefPBB2Ww2TZ8+XT169NBPP/0kX1/fQo89PT1dt9xyi86cOaORI0cqLCxMixYt0p133qn3339f3bt3V5s2bfT222/r3nvv1W233ab+/fsXur9KlSpp3rx5Gjp0qLp3764ePXpIkho3bmwfk5ubq/j4eLVs2VIvvviivvjiC82YMUM1a9bU0KFD7eMefPBBLVy4UIMGDdLIkSOVmpqqf//739q+fbs2btx4xeMqzNdff63ly5dr2LBhKleunGbPnq2ePXvq0KFD9t68qHfv3oqKitLUqVP1zTffaPbs2Tpx4oTeeustS5/Zo0cP7du3T0uWLNHMmTNVsWJF+3e1a9cu3XHHHWrcuLGeeeYZ+fv768cff9TGjRstHxsAuIQBANwQCxYsMJLMF198YY4ePWoOHz5sli5dasLCwkxgYKD5+eefzYEDB4y3t7d57rnnHLb97rvvjI+Pj8Pytm3bGklm/vz5+T6rQYMGpm3btvmWT5w40RT0r/6LtaWmptqXVa9e3Ugyq1atyjdekpFktm7dal928OBBExAQYLp3725fdubMmXzbJiYmGknmrbfesi977733jCSzdu3afOPbtm3rcCyzZs0yksx///tf+7Jz586Z2NhYExQUZLKysowxxqSmphpJJiwszBw/ftw+duXKlUaS+eijj/J91qVGjRplJJmvvvrKvuzkyZMmOjraREVFmdzcXIfvY/jw4VfcnzHGHD161EgyEydOzLduwIABRpJ55plnHJY3a9bMNG/e3P7+q6++MpLM4sWLHcatWrWqwOWXK6gHJBk/Pz/z448/2pft3LnTSDJz5szJt+2dd97psP2wYcOMJLNz505jzP//7hcsWJDv8y8//hdeeCFf7xljzMyZM40kc/To0SseDwAUFy7tA4AbLC4uTpUqVVLVqlXVt29fBQUFacWKFfrTn/6k5cuXKy8vT71799bvv/9uf0VERKh27dpau3atw778/f01aNAgl9UaHR2t+Pj4AtfFxsaqefPm9vfVqlVT165dtXr1avulaJfeT3X+/HkdO3ZMtWrVUmhoqLZt23ZNNX366aeKiIhwuJ/M19dXI0eO1KlTp7R+/XqH8X369FH58uXt7//2t79J+uOyvat9TosWLdS6dWv7sqCgIA0ZMkQHDhzQ7t27r6n+q3nooYcc3v/tb39zqPW9995TSEiIbrvtNocead68uYKCgvL1SFHFxcWpZs2a9veNGzdWcHBwgd/T8OHDHd4//PDDkv74zpzl4pnXlStXKi8vz2n7BQBn4dI+ALjBXnnlFdWpU0c+Pj4KDw9X3bp15eX1x//XSklJkTFGtWvXLnDbyy/Z+tOf/uTSyRiio6MLXVdQjXXq1NGZM2d09OhRRURE6OzZs5o6daoWLFigX375RcYY+9jMzMxrqungwYOqXbu2/Tu76OKlgAcPHnRYXq1aNYf3F0PV1e4nOnjwoFq2bJlv+aWfc/ESRmcJCAiw30d1Ufny5R1qTUlJUWZmpipXrlzgPo4cOXJNn33591TQZ190+c++Zs2a8vLycur09X369NF//vMf3X///XriiSfUoUMH9ejRQ3fddVe+nz0AFAeCFADcYC1atLDP2ne5vLw82Ww2ffbZZ/L29s63/vIHtlqdQa+wiRAun8zgWvd/uYcfflgLFizQqFGjFBsbq5CQENlsNvXt2/eGnWUo6HuU5BDq3EVhtV4qLy9PlStX1uLFiwtcf3kQu97PLsr3VNDkFQUprM8KEhgYqA0bNmjt2rX65JNPtGrVKi1btky33nqrPv/88yJ9VwDgSgQpAHAjNWvWlDFG0dHRqlOnzjXvp7BfZC+ejcnIyHCYtOLyszhFkZKSkm/Zvn37VKZMGfsv8++//74GDBigGTNm2MdkZ2fne/hqYfUWpHr16vr222+Vl5fncGbihx9+sK93hurVq2vv3r35ll/P51g5zsLUrFlTX3zxhVq1anXDp6K/KCUlxeFs5Y8//qi8vDz7M8Au7bNLFdRnV/pOvLy81KFDB3Xo0EEvvfSS/vWvf+nJJ5/U2rVrFRcXd/0HAgDXgXPjAOBGevToIW9vb02ePDnfmQBjjI4dO1ak/ZQtWzbfL7GS7PfAXDpN+enTp/NNHV4UiYmJDvc5HT58WCtXrtTtt99uP1vg7e2d7zjmzJmT78xE2bJlJeX/xbsgf//735WWlqZly5bZl124cEFz5sxRUFCQ2rZta/lYCvuczZs3KzEx0b7s9OnTeu211xQVFaX69etb3ufFZ3wV5TgL07t3b+Xm5urZZ5/Nt+7ChQvXte+ieuWVVxzez5kzR9Ifz0iTpODgYFWsWDHfdPhz587Nt6/CfvbHjx/PN7Zp06aSpJycnGuqGwCciTNSAOBGatasqSlTpmj8+PE6cOCAunXrpnLlyik1NVUrVqzQkCFD9Nhjj111P82bN9e8efM0ZcoU1apVS5UrV9att96q22+/XdWqVdPgwYM1duxYeXt7680331SlSpV06NAhS7U2bNhQ8fHxDtOfS388I+miO+64Q2+//bZCQkJUv359JSYm6osvvsg3nXbTpk3l7e2tadOmKTMzU/7+/rr11lsLvA9oyJAhevXVVzVw4EAlJycrKipK77//vjZu3KhZs2apXLlylo6jME888YSWLFmiTp06aeTIkapQoYIWLVqk1NRUffDBB9d0n05gYKDq16+vZcuWqU6dOqpQoYIaNmxo6V6rtm3b6sEHH9TUqVO1Y8cO3X777fL19VVKSoree+89vfzyy7rrrrss12ZFamqq7rzzTnXs2FGJiYn673//q3/84x9q0qSJfcz999+v559/Xvfff79iYmK0YcMG7du3L9++Lk5Y8uSTT6pv377y9fVVly5d9Mwzz2jDhg3q3LmzqlevriNHjmju3Ln685//7DABCAAUm+KbMBAASpeLU4xv2bLlqmM/+OAD07p1a1O2bFlTtmxZc9NNN5nhw4ebvXv32se0bdvWNGjQoMDt09LSTOfOnU25cuWMJIfpw5OTk03Lli2Nn5+fqVatmnnppZcKnf68c+fOBe5f/zfd93//+19Tu3Zt4+/vb5o1a5Zv+vITJ06YQYMGmYoVK5qgoCATHx9vfvjhB1O9enUzYMAAh7Gvv/66qVGjhvH29naYCv3y6c+NMSY9Pd2+Xz8/P9OoUaN8U21fnIL7hRdeKLD+gqYgv9z+/fvNXXfdZUJDQ01AQIBp0aKF+fjjjwv9Popi06ZNpnnz5sbPz8+hjgEDBpiyZcvmG1/YlPWvvfaaad68uQkMDDTlypUzjRo1MuPGjTO//vrrFT+/sOnPC6r/8p/TxW13795t7rrrLlOuXDlTvnx5M2LECHP27FmHbc+cOWMGDx5sQkJCTLly5Uzv3r3NkSNHCvzun332WfOnP/3JeHl52fswISHBdO3a1URGRho/Pz8TGRlp7r77brNv374rHh8A3Cg2Y9zwblsAAOB2Jk2apMmTJ+vo0aP2h+cCQGnFPVIAAAAAYBFBCgAAAAAsIkgBAAAAgEXFGqQ2bNigLl26KDIyUjabTR9++KHDemOMnn76aVWpUkWBgYGKi4vL99yS48ePq1+/fgoODlZoaKgGDx6sU6dO3cCjAACgdJg0aZKMMdwfBQAq5iB1+vRpNWnSJN/zKC6aPn26Zs+erfnz5yspKUlly5ZVfHy8srOz7WP69eunXbt2ac2aNfr444+1YcMGDRky5EYdAgAAAIBSyG1m7bPZbFqxYoW6desm6Y+zUZGRkRozZoz9mSmZmZkKDw/XwoUL1bdvX+3Zs0f169fXli1bFBMTI0latWqV/v73v+vnn39WZGRkcR0OAAAAAA/mtg/kTU1NVVpamuLi4uzLQkJC1LJlSyUmJqpv375KTExUaGioPURJUlxcnLy8vJSUlKTu3bsXuO+cnByHp6Ln5eXp+PHjCgsLk81mc91BAQAAAHBrxhidPHlSkZGRV3z4utsGqbS0NElSeHi4w/Lw8HD7urS0tHxPvffx8VGFChXsYwoydepUTZ482ckVAwAAAPAUhw8f1p///OdC17ttkHKl8ePHa/To0fb3mZmZqlatmg4fPqzg4OBirAwAAADOFhLi7D1+K2nPNWxXT1Jjp1SQKecdVPEfjaTMTGft6bplZWWpatWqKleu3BXHuW2QioiIkCSlp6erSpUq9uXp6elq2rSpfcyRI0cctrtw4YKOHz9u374g/v7+8vf3z7c8ODiYIAUAAICraP1/r+LjzN9Yi/9oJLnh7+BXu+XHbZ8jFR0drYiICCUkJNiXZWVlKSkpSbGxsZKk2NhYZWRkKDk52T7myy+/VF5enlq2bHnDawYAAABQOhTrGalTp07pxx9/tL9PTU3Vjh07VKFCBVWrVk2jRo3SlClTVLt2bUVHR2vChAmKjIy0z+xXr149dezYUQ888IDmz5+v8+fPa8SIEerbty8z9gEAAABwmWINUlu3blX79u3t7y/etzRgwAAtXLhQ48aN0+nTpzVkyBBlZGSodevWWrVqlQICAuzbLF68WCNGjFCHDh3k5eWlnj17avbs2Tf8WAAAAACUHm7zHKnilJWVpZCQEGVmZhZ6j1Rubq7Onz9/gytDaePt7S0fHx+m4QcAwIk88T+rRh52UG4USYqSDSQ3nmzCnZw6dUo///yzyJy4EcqUKaMqVarIz8+vuEsBAABAIQhSV5Gbm6uff/5ZZcqUUaVKlThTAJcxxujcuXM6evSoUlNTVbt27Ss+BA4AAADFhyB1FefPn5cxRpUqVVJgYGBxlwMPFxgYKF9fXx08eFDnzp1zuB8QAAAA7oP/3V1EnInCjcJZKAAAAPfHb2wAAAAAYBFBCgAAAAAsIkhdI5vtxr5ccww2ffjhh67Z+SXatWunUaNGufxzrtekSZPUtGnTIo8/cOCAbDabduzY4bKaAAAA4J4IUh7q6NGjGjp0qKpVqyZ/f39FREQoPj5eGzdutI/57bff1KlTp2KssuiioqJks9m0dOnSfOsaNGggm82mhQsX3vjCAAAAUCoxa5+H6tmzp86dO6dFixapRo0aSk9PV0JCgo4dO2YfExERUYwVWle1alUtWLBAffv2tS/75ptvlJaWprJlyxZjZQAAAChtOCPlgTIyMvTVV19p2rRpat++vapXr64WLVpo/PjxuvPOO+3jLr207+Jlau+++67+9re/KTAwUH/5y1+0b98+bdmyRTExMQoKClKnTp109OhR+z4GDhyobt26afLkyapUqZKCg4P10EMP6dy5c4XWl5OTo8cee0x/+tOfVLZsWbVs2VLr1q276nH169dP69ev1+HDh+3L3nzzTfXr108+Po7/T+DQoUPq2rWrgoKCFBwcrN69eys9Pd1hzPPPP6/w8HCVK1dOgwcPVnZ2dr7P/M9//qN69eopICBAN910k+bOnXvVOgEAAOD5CFIeKCgoSEFBQfrwww+Vk5NjaduJEyfqqaee0rZt2+Tj46N//OMfGjdunF5++WV99dVX+vHHH/X00087bJOQkKA9e/Zo3bp1WrJkiZYvX67JkycX+hkjRoxQYmKili5dqm+//Va9evVSx44dlZKScsXawsPDFR8fr0WLFkmSzpw5o2XLlum+++5zGJeXl6euXbvq+PHjWr9+vdasWaOffvpJffr0sY959913NWnSJP3rX//S1q1bVaVKlXwhafHixXr66af13HPPac+ePfrXv/6lCRMm2D8fAAAApZiByczMNJJMZmZmvnVnz541u3fvNmfPnnVYLt3Yl1Xvv/++KV++vAkICDC33HKLGT9+vNm5c+dlxyCzYsUKY4wxqampRpL5z3/+Y1+/ZMkSI8kkJCTYl02dOtXUrVvX/n7AgAGmQoUK5vTp0/Zl8+bNM0FBQSY3N9cYY0zbtm3NI488Yowx5uDBg8bb29v88ssvDrV06NDBjB8/vtDjqV69upk5c6b58MMPTc2aNU1eXp5ZtGiRadasmTHGmJCQELNgwQJjjDGff/658fb2NocOHbJvv2vXLiPJbN682RhjTGxsrBk2bJjDZ7Rs2dI0adLE/r5mzZrmnXfecRjz7LPPmtjYWIfvbPv27YXWfS0K6zkAAHBtbvTvbTfkd8PiLqC4f9l1oStlg0txRspD9ezZU7/++qv+97//qWPHjlq3bp1uvvnmq07I0LhxY/ufw8PDJUmNGjVyWHbkyBGHbZo0aaIyZcrY38fGxurUqVMOl+Bd9N133yk3N1d16tSxnzkLCgrS+vXrtX///qseV+fOnXXq1Clt2LBBb775Zr6zUZK0Z88eVa1aVVWrVrUvq1+/vkJDQ7Vnzx77mJYtWzpsFxsba//z6dOntX//fg0ePNihzilTphSpTgAAAHg2JpvwYAEBAbrtttt02223acKECbr//vs1ceJEDRw4sNBtfH197X+2/d+865cvy8vLu+aaTp06JW9vbyUnJ8vb29thXVBQ0FW39/Hx0b333quJEycqKSlJK1asuOZarlanJL3++uv5AtfldQMAAKD04YxUKVK/fn2dPn3a6fvduXOnzp49a3//zTffKCgoyOGM0EXNmjVTbm6ujhw5olq1ajm8ijqL4H333af169era9euKl++fL719erV0+HDhx3OiO3evVsZGRmqX7++fUxSUpLDdt988439z+Hh4YqMjNRPP/2Ur87o6Ogi1QkAAADPxRkpD3Ts2DH16tVL9913nxo3bqxy5cpp69atmj59urp27er0zzt37pwGDx6sp556SgcOHNDEiRM1YsQIeXnlz+l16tRRv3791L9/f82YMUPNmjXT0aNHlZCQoMaNG6tz585X/bx69erp999/d7ic8FJxcXFq1KiR+vXrp1mzZunChQsaNmyY2rZtq5iYGEnSI488ooEDByomJkatWrXS4sWLtWvXLtWoUcO+n8mTJ2vkyJEKCQlRx44dlZOTo61bt+rEiRMaPXr0NX5bAAAA8AQEqWtkTHFXULigoCC1bNlSM2fO1P79+3X+/HlVrVpVDzzwgP75z386/fM6dOig2rVrq02bNsrJydHdd9+tSZMmFTp+wYIFmjJlisaMGaNffvlFFStW1F//+lfdcccdRf7MsLCwQtfZbDatXLlSDz/8sNq0aSMvLy917NhRc+bMsY/p06eP9u/fr3Hjxik7O1s9e/bU0KFDtXr1avuY+++/X2XKlNELL7ygsWPHqmzZsmrUqJFGjRpV5DoBAADgmWzGuHMkuDGysrIUEhKizMxMBQcHO6zLzs5WamqqoqOjFRAQUEwVuq+BAwcqIyPD/jwqXD96DgAA5/q/2749ipGHHZQbRZIrZYNLcY8UAAAAAFhEkAIAAAAAi7hHCtflas+lAgAAADwRZ6QAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQSpa2Wz3diXhzlw4IBsNpt27NhR3KVct6ioKM2aNavI4ydNmqSmTZu6rB4AAAC4HkHKg6Wlpenhhx9WjRo15O/vr6pVq6pLly5KSEgo7tJuiHXr1slms6l8+fLKzs52WLdlyxbZbDbZPDCkAgAAwPUIUh7qwIEDat68ub788ku98MIL+u6777Rq1Sq1b99ew4cPL+7ybqhy5cppxYoVDsveeOMNVatWrZgqAgAAQElHkPJQw4YNk81m0+bNm9WzZ0/VqVNHDRo00OjRo/XNN9/Yxx06dEhdu3ZVUFCQgoOD1bt3b6Wnp9vXX7wM7c0331S1atUUFBSkYcOGKTc3V9OnT1dERIQqV66s5557zuHzbTab5s2bp06dOikwMFA1atTQ+++/f8Wav//+e3Xq1ElBQUEKDw/Xvffeq99//13SH2eX/Pz89NVXX9nHT58+XZUrV3aotyADBgzQm2++aX9/9uxZLV26VAMGDMg39oMPPlCDBg3k7++vqKgozZgxw2H9kSNH1KVLFwUGBio6OlqLFy/Ot4+MjAzdf//9qlSpkoKDg3Xrrbdq586dV6wRAAAAJQtBygMdP35cq1at0vDhw1W2bNl860NDQyVJeXl56tq1q44fP67169drzZo1+umnn9SnTx+H8fv379dnn32mVatWacmSJXrjjTfUuXNn/fzzz1q/fr2mTZump556SklJSQ7bTZgwQT179tTOnTvVr18/9e3bV3v27Cmw5oyMDN16661q1qyZtm7dqlWrVik9PV29e/eWJLVr106jRo3Svffeq8zMTG3fvl0TJkzQf/7zH4WHh1/x+7j33nv11Vdf6dChQ5L+CEtRUVG6+eabHcYlJyerd+/e6tu3r7777jtNmjRJEyZM0MKFC+1jBg4cqMOHD2vt2rV6//33NXfuXB05csRhP7169dKRI0f02WefKTk5WTfffLM6dOig48ePX7FOAAAAlCAGJjMz00gymZmZ+dadPXvW7N6925w9e9ZxhXRjXxYkJSUZSWb58uVXHPf5558bb29vc+jQIfuyXbt2GUlm8+bNxhhjJk6caMqUKWOysrLsY+Lj401UVJTJzc21L6tbt66ZOnXqJV+PzEMPPeTweS1btjRDhw41xhiTmppqJJnt27cbY4x59tlnze233+4w/vDhw0aS2bt3rzHGmJycHNO0aVPTu3dvU79+ffPAAw9c8fjWrl1rJJkTJ06Ybt26mcmTJxtjjGnfvr15+eWXzYoVK8ylfwX+8Y9/mNtuu81hH2PHjjX169c3xhizd+9eh+/GGGP27NljJJmZM2caY4z56quvTHBwsMnOznbYT82aNc2rr75qjPnjO23SpEmhdRfacwAA4Jrc6F/bbsivhsVdQDH+rutqV8oGl+KMlAcyxhRp3J49e1S1alVVrVrVvqx+/foKDQ11OHMUFRWlcuXK2d+Hh4erfv368vLyclh2+ZmZ2NjYfO8LOyO1c+dOrV27VkFBQfbXTTfdJOmPM2KS5Ofnp8WLF+uDDz5Qdna2Zs6cWaTjlKT77rtPCxcu1E8//aTExET169cv35g9e/aoVatWDstatWqllJQU5ebmas+ePfLx8VHz5s3t62+66Sb7Gb6Lx3Hq1CmFhYU5HEtqaqr9OAAAAFDy+RR3AXC+2rVry2az6YcffnDK/nx9fR3e22y2Apfl5eVd82ecOnVKXbp00bRp0/Ktq1Kliv3PmzZtkvTH5YvHjx8v8NLFgnTq1ElDhgzR4MGD1aVLF4WFhV1zrVdy6tQpValSRevWrcu37tLABQAAgJKNM1IeqEKFCoqPj9crr7yi06dP51ufkZEhSapXr54OHz6sw4cP29ft3r1bGRkZql+//nXXcemkFhff16tXr8CxN998s3bt2qWoqCjVqlXL4XUxLO3fv1+PPvqoXn/9dbVs2VIDBgwocnjz8fFR//79tW7dOt13330FjqlXr542btzosGzjxo2qU6eOvL29ddNNN+nChQtKTk62r9+7d6/9+7x4HGlpafLx8cl3HBUrVixSrQAAAHB/BCkP9corryg3N1ctWrTQBx98oJSUFO3Zs0ezZ8+2X3IXFxenRo0aqV+/ftq2bZs2b96s/v37q23btoqJibnuGt577z29+eab2rdvnyZOnKjNmzdrxIgRBY4dPny4jh8/rrvvvltbtmzR/v37tXr1ag0aNEi5ubnKzc3VPffco/j4eA0aNEgLFizQt99+m29WvSt59tlndfToUcXHxxe4fsyYMUpISNCzzz6rffv2adGiRfr3v/+txx57TJJUt25ddezYUQ8++KCSkpKUnJys+++/X4GBgfZ9xMXFKTY2Vt26ddPnn3+uAwcOaNOmTXryySe1detWC98eAAAA3BlB6lrd6FvwLKpRo4a2bdum9u3ba8yYMWrYsKFuu+02JSQkaN68eZL+uBxv5cqVKl++vNq0aaO4uDjVqFFDy5Ytc8pXNHnyZC1dulSNGzfWW2+9pSVLlhR6pisyMlIbN25Ubm6ubr/9djVq1EijRo1SaGiovLy89Nxzz+ngwYN69dVXJf1xud9rr72mp556qshTi/v5+alixYqFPoT35ptv1rvvvqulS5eqYcOGevrpp/XMM89o4MCB9jELFixQZGSk2rZtqx49emjIkCGqXLmyfb3NZtOnn36qNm3aaNCgQapTp4769u2rgwcPXnV2QQAAAJQcNlPUmQk8WFZWlkJCQpSZmang4GCHddnZ2UpNTVV0dLQCAgKKqcKSx2azacWKFerWrVtxl1Li0HMAADhXIf8PtUQz8rCDcqNIcqVscCnOSAEAAACARQQpAAAAALCI6c/hElwxCgAAAE/GGSkAAAAAsIggVUScYcGNQq8BAAC4P4LUVXh7e0uSzp07V8yVoLQ4c+aMJMnX17eYKwEAAEBhuEfqKnx8fFSmTBkdPXpUvr6+8vIie8I1jDE6c+aMjhw5otDQUHuIBwAAgPshSF2FzWZTlSpVlJqaqoMHDxZ3OSgFQkNDFRERUdxlAAAA4AoIUkXg5+en2rVrc3kfXM7X15czUQAAACUAQaqIvLy8FBAQUNxlAAAAAHAD3PADAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwyK2DVG5uriZMmKDo6GgFBgaqZs2aevbZZ2WMsY8xxujpp59WlSpVFBgYqLi4OKWkpBRj1QAAAAA8nVsHqWnTpmnevHn697//rT179mjatGmaPn265syZYx8zffp0zZ49W/Pnz1dSUpLKli2r+Ph4ZWdnF2PlAAAAADyZzVx6esfN3HHHHQoPD9cbb7xhX9azZ08FBgbqv//9r4wxioyM1JgxY/TYY49JkjIzMxUeHq6FCxeqb9++RfqcrKwshYSEKDMzU8HBwS45FgAAABQPm624K3A+Iw87KDeKJEXNBm59RuqWW25RQkKC9u3bJ0nauXOnvv76a3Xq1EmSlJqaqrS0NMXFxdm3CQkJUcuWLZWYmFjofnNycpSVleXwAgAAAICi8inuAq7kiSeeUFZWlm666SZ5e3srNzdXzz33nPr16ydJSktLkySFh4c7bBceHm5fV5CpU6dq8uTJriscAAAAgEdz6zNS7777rhYvXqx33nlH27Zt06JFi/Tiiy9q0aJF17Xf8ePHKzMz0/46fPiwkyoGAAAAUBq49RmpsWPH6oknnrDf69SoUSMdPHhQU6dO1YABAxQRESFJSk9PV5UqVezbpaenq2nTpoXu19/fX/7+/i6tHQAAAIDncuszUmfOnJGXl2OJ3t7eysvLkyRFR0crIiJCCQkJ9vVZWVlKSkpSbGzsDa0VAAAAQOnh1mekunTpoueee07VqlVTgwYNtH37dr300ku67777JEk2m02jRo3SlClTVLt2bUVHR2vChAmKjIxUt27dird4AAAAAB7LrYPUnDlzNGHCBA0bNkxHjhxRZGSkHnzwQT399NP2MePGjdPp06c1ZMgQZWRkqHXr1lq1apUCAgKKsXIAAAAAnsytnyN1o/AcKQAAAM/Fc6RKADeKJB7xHCkAAAAAcEdufWkfAADA9dixY4d27dplebsGDRpccQZgACBIAQAAt+Lcy7BGSVp/Ddu1lbTOKRW40RVLAJyIIAUAADzYLEnWz0hJDZxcBwBPQ5ACAAAerOn/vQDAuZhsAgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEU+xV0AgJJnx44d2rVrl+XtGjRooKZNmzq/IAAAgBuMIAWUEjabM/c2StL6a9iuraR1TqnAGKfsBgAA4JoQpABcg1mSrJ+Rkho4uQ4AAIDiQZDycFyCBddo+n8vAACA0okg5Ya4BAsAAABwbwQpjzdLXIIFAAAAOBdByuM1FZdgAQAAAM7Fc6QAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACxi1j4AgFvgAeIAgJKEIAUAuGY8QBwAUFoRpAAAbmKWeIA4AKCkIEgBANxEU/EAcQBAScFkEwAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABb5WN0gNTVVX331lQ4ePKgzZ86oUqVKatasmWJjYxUQEOCKGgEAAADArRQ5SC1evFgvv/yytm7dqvDwcEVGRiowMFDHjx/X/v37FRAQoH79+unxxx9X9erVXVkzAAAAABSrIgWpZs2ayc/PTwMHDtQHH3ygqlWrOqzPyclRYmKili5dqpiYGM2dO1e9evVyScEAAAAAUNxsxhhztUGrV69WfHx8kXZ47NgxHThwQM2bN7/u4m6UrKwshYSEKDMzU8HBwcVdjmy24q7Aua7eYbgR6Cu4An0FV6Cv4Gye1lOSZORhB+VGf1GKmg2KdEaqqCFKksLCwhQWFlbk8QAAAABQ0liebOJSn3zyidatW6fc3Fy1atVKPXv2dFZdAAAAAOC2rnn68wkTJmjcuHGy2WwyxujRRx/Vww8/7MzaAAAAAMAtFekeKUnaunWrYmJi7O/r1KmjnTt3KjAwUJK0c+dOtWvXTidOnHBNpS7EPVKu5UaXvJZq9BVcgb6CK9BXcDZP6ymJe6RcqajZoMhnpB566CGNGjVKZ86ckSTVqFFDM2bM0N69e/Xdd99p3rx5qlOnzvVXDgAAAABurshBKikpSVWqVNHNN9+sjz76SG+++aa2b9+uW265RX/729/0888/65133nFlrQAAAADgFop8ad9FP/30k4YOHaqyZcvq3//+tyIjI11V2w3DpX2u5UZnaks1+gquQF/BFegrOJun9ZTEpX2u5PRL+y6qUaOGVq9ere7du6tNmzZ65ZVXrqtQAAAAAChpihykMjIyNG7cOHXp0kVPPfWUunfvrqSkJG3ZskV//etf9d1337mkwF9++UX33HOPwsLCFBgYqEaNGmnr1q329cYYPf3006pSpYoCAwMVFxenlJQUl9QCAAAAAJKFIDVgwAAlJSWpc+fO2rt3r4YOHaqwsDAtXLhQzz33nPr06aPHH3/cqcWdOHFCrVq1kq+vrz777DPt3r1bM2bMUPny5e1jpk+frtmzZ2v+/PlKSkpS2bJlFR8fr+zsbKfWAgAAAAAXFfkeqXLlymn79u2qVauWcnNzVatWLaWmptrXZ2dn65lnntG//vUvpxX3xBNPaOPGjfrqq68KXG+MUWRkpMaMGaPHHntMkpSZmanw8HAtXLhQffv2LdLncI+Ua7nRJa+lGn0FV6Cv4Ar0FZzN03pK4h4pV3L6PVK1a9fWa6+9pn379mn+/PmqXr26w/qAgACnhihJ+t///qeYmBj16tVLlStXVrNmzfT666/b16empiotLU1xcXH2ZSEhIWrZsqUSExML3W9OTo6ysrIcXgAAAABQVEUOUm+++aa+/PJLNWvWTO+8847mzZvnyrok/TFD4Lx581S7dm2tXr1aQ4cO1ciRI7Vo0SJJUlpamiQpPDzcYbvw8HD7uoJMnTpVISEh9lfVqlVddxAAAAAAPI7l6c9vJD8/P8XExGjTpk32ZSNHjtSWLVuUmJioTZs2qVWrVvr1119VpUoV+5jevXvLZrNp2bJlBe43JydHOTk59vdZWVmqWrUql/a5iPt2WOlCX8EV6Cu4An0FZ/O0npK4tM+VnHppX3FlrSpVqqh+/foOy+rVq6dDhw5JkiIiIiRJ6enpDmPS09Pt6wri7++v4OBghxcAAAAAFFWRglSDBg20dOlSnTt37orjUlJSNHToUD3//PNOKa5Vq1bau3evw7J9+/bZ78+Kjo5WRESEEhIS7OuzsrKUlJSk2NhYp9QAAAAAAJfzKcqgOXPm6PHHH9ewYcN02223KSYmRpGRkQoICNCJEye0e/duff3119q1a5dGjBihoUOHOqW4Rx99VLfccov+9a9/qXfv3tq8ebNee+01vfbaa5Ikm82mUaNGacqUKapdu7aio6M1YcIERUZGqlu3bk6pAQAAAAAuZ+keqa+//lrLli3TV199pYMHD+rs2bOqWLGimjVrpvj4ePXr18/hGU/O8PHHH2v8+PFKSUlRdHS0Ro8erQceeMC+3hijiRMn6rXXXlNGRoZat26tuXPnqk6dOkX+DKY/dy03uuS1VKOv4Ar0FVyBvoKzeVpPSdwj5UpFzQZuPdnEjUKQci06zD3QV3AF+gquQF/B2TytpySClCs5/TlSAAAAAIA/EKQAAAAAwCKCFAAAAABYRJACAAAAAIssBakLFy7orbfeyvcAXAAAAAAoTSwFKR8fHz300EPKzs52VT0AAAAA4PYsX9rXokUL7dixwwWlAAAAAEDJ4GN1g2HDhmn06NE6fPiwmjdvrrJlyzqsb9y4sdOKAwAAAAB3ZPmBvF5e+U9i2Ww2GWNks9mUm5vrtOJuFB7I61pu9Hy1Uo2+givQV3AF+grO5mk9JfFAXlcqajawfEYqNTX1ugoDAAAAgJLOcpCqXr26K+oAAAAAgBLDcpCSpP3792vWrFnas2ePJKl+/fp65JFHVLNmTacWBwAAAADuyPKsfatXr1b9+vW1efNmNW7cWI0bN1ZSUpIaNGigNWvWuKJGAAAAAHArliebaNasmeLj4/X88887LH/iiSf0+eefa9u2bU4t8EZgsgnXcqN7B0s1+gquQF/BFegrOJun9ZTEZBOuVNRsYPmM1J49ezR48OB8y++77z7t3r3b6u4AAAAAoMSxHKQqVapU4AN5d+zYocqVKzujJgAAAABwa5Ynm3jggQc0ZMgQ/fTTT7rlllskSRs3btS0adM0evRopxcIAAAAAO7G8j1SxhjNmjVLM2bM0K+//ipJioyM1NixYzVy5EjZSuBFqNwj5VpudMlrqUZfwRXoK7gCfQVn87SekrhHypVc8kDeCxcu6J133tE//vEPPfroozp58qQkqVy5ctdXLQAAAACUIJbukfLx8dFDDz2k7OxsSX8EKEIUAAAAgNLG8mQTLVq00Pbt211RCwAAAACUCJYnmxg2bJjGjBmjn3/+Wc2bN1fZsmUd1jdu3NhpxQEAAACAO7I82YSXV/6TWDabTcYY2Ww25ebmOq24G4XJJlzLje4dLNXoK7gCfQVXoK/gbJ7WUxKTTbiSSyabkKTU1NTrKgwAAAAASjpLQer8+fO69dZb9fHHH6tevXquqgkAAAAA3JqlySZ8fX3tM/YBAAAAQGlleda+4cOHa9q0abpw4YIr6gEAAAAAt2f5HqktW7YoISFBn3/+uRo1apRv1r7ly5c7rTgAAAAAcEeWg1RoaKh69uzpiloAAAAAoESwHKQWLFjgijoAAAAAoMQo8j1SR44cueL6CxcuaPPmzdddEAAAAAC4uyIHqSpVqjiEqUaNGunw4cP298eOHVNsbKxzqwMAAAAAN1TkIGUue9rwgQMHdP78+SuOAQAAAABPZHn68yux2WzO3B0AAAAAuCWnBikAAAAAKA2KPGufzWbTyZMnFRAQIGOMbDabTp06paysLEmy/xMAAAAAPF2Rg5QxRnXq1HF436xZM4f3XNoHAAAAoDQocpBau3atK+sAAAAAgBKjyEGqbdu2rqwDAAAAAEoMJpsAAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCoSLP29ejRo8g7XL58+TUXAwAAAAAlQZHOSIWEhNhfwcHBSkhI0NatW+3rk5OTlZCQoJCQEJcVCgAAAADuokhnpBYsWGD/8+OPP67evXtr/vz58vb2liTl5uZq2LBhCg4Odk2VAAAAAOBGbMYYY2WDSpUq6euvv1bdunUdlu/du1e33HKLjh075tQCb4SsrCyFhIQoMzPTLcKgzVbcFTiXtQ6Dq9BXcAX6Cq5AX8HZPK2nJMnIww7Kjf6iFDUbWJ5s4sKFC/rhhx/yLf/hhx+Ul5dndXcAAAAAUOIU6dK+Sw0aNEiDBw/W/v371aJFC0lSUlKSnn/+eQ0aNMjpBQIAAACAu7EcpF588UVFRERoxowZ+u233yRJVapU0dixYzVmzBinFwgAAAAA7sbyPVKXysrKkiS3uK/oenCPlGu50SWvpRp9BVegr+AK9BWczdN6SuIeKVdy2T1S0h/3SX3xxRdasmSJbP/Xmb/++qtOnTp1bdUCAAAAQAli+dK+gwcPqmPHjjp06JBycnJ02223qVy5cpo2bZpycnI0f/58V9QJAAAAAG7D8hmpRx55RDExMTpx4oQCAwPty7t3766EhASnFgcAAAAA7sjyGamvvvpKmzZtkp+fn8PyqKgo/fLLL04rDAAAAADcleUzUnl5ecrNzc23/Oeff1a5cuWcUhQAAAAAuDPLQer222/XrFmz7O9tNptOnTqliRMn6u9//7szawMAAAAAt2R5+vOff/5Z8fHxMsYoJSVFMTExSklJUcWKFbVhwwZVrlzZVbW6DNOfu5YbzWZZqtFXcAX6Cq5AX8HZPK2nJKY/d6WiZgPL90j9+c9/1s6dO7Vs2TLt3LlTp06d0uDBg9WvXz+HyScAAAAAwFNd1wN5PQVnpFyLDnMP9BVcgb6CK9BXcDZP6ymJM1Ku5LIH8np7e6t9+/Y6fvy4w/L09HR5e3tbrxQAAAAAShjLQcoYo5ycHMXExGjXrl351gEAAACAp7McpGw2mz744AN16dJFsbGxWrlypcM6AAAAAPB013RGytvbWy+//LJefPFF9enTR1OmTOFsFAAAAIBSw/KsfZcaMmSIateurV69emnDhg3OqgkAAAAA3JrlM1LVq1d3mFSiffv2+uabb3T48GGnFgYAAAAA7sryGanU1NR8y2rVqqXt27crPT3dKUUBAAAAgDuzfEaqMAEBAapevbqzdgcAAAAAbqtIZ6QqVKigffv2qWLFiipfvvwVZ+e7/PlSAAAAAOBpihSkZs6cqXLlykmSZs2a5cp6AAAAAMDt2QzzlisrK0shISHKzMxUcHBwcZcjT3scFx3mHugruAJ9BVegr+BsntZTkmTkYQflRn9RipoNinRGKisrq8gf7A5BBAAAAABcqUhBKjQ09Ir3RUl/PKjXZrMpNzfXKYUBAAAAgLsqUpBau3atq+sAAAAAgBKjSEGqbdu2rq4DAAAAAEoMyw/kvejMmTM6dOiQzp0757C8cePG110UAAAAALgzy0Hq6NGjGjRokD777LMC13OPFAAAAABP52V1g1GjRikjI0NJSUkKDAzUqlWrtGjRItWuXVv/+9//XFEjAAAAALgVy2ekvvzyS61cuVIxMTHy8vJS9erVddtttyk4OFhTp05V586dXVEnAAAAALgNy2ekTp8+rcqVK0uSypcvr6NHj0qSGjVqpG3btjm3OgAAAABwQ5aDVN26dbV3715JUpMmTfTqq6/ql19+0fz581WlShWnFwgAAAAA7sbypX2PPPKIfvvtN0nSxIkT1bFjRy1evFh+fn5auHChs+sDAAAAALdjM8aY69nBmTNn9MMPP6hatWqqWLGis+q6obKyshQSEqLMzEwFBwcXdzmy2Yq7Aue6vg6Ds9BXcAX6Cq5AX8HZPK2nJMnIww7Kjf6iFDUbXPNzpC4qU6aMbr755uvdDQAAAACUGJaDlDFG77//vtauXasjR44oLy/PYf3y5cudVhwAAAAAuCPLQWrUqFF69dVX1b59e4WHh8vmiedKAQAAAOAKLAept99+W8uXL9ff//53V9QDAAAAAG7P8vTnISEhqlGjhitqAQAAAIASwXKQmjRpkiZPnqyzZ8+6oh4AAAAAcHuWL+3r3bu3lixZosqVKysqKkq+vr4O67dt2+a04gAAAADAHVkOUgMGDFBycrLuueceJpsAAAAAUCpZDlKffPKJVq9erdatW7uiHgAAAABwe5bvkapateoVn/ALAAAAAJ7OcpCaMWOGxo0bpwMHDrigHAAAAABwf5Yv7bvnnnt05swZ1axZU2XKlMk32cTx48edVhwAAAAAuCPLQWrWrFkuKAMAAAAASg5LQer8+fNav369JkyYoOjoaFfVVKjnn39e48eP1yOPPGIPdNnZ2RozZoyWLl2qnJwcxcfHa+7cuQoPD7/h9QEAAAAoHSzdI+Xr66sPPvjAVbVc0ZYtW/Tqq6+qcePGDssfffRRffTRR3rvvfe0fv16/frrr+rRo0ex1AgAAACgdLA82US3bt304YcfuqCUwp06dUr9+vXT66+/rvLly9uXZ2Zm6o033tBLL72kW2+9Vc2bN9eCBQu0adMmffPNNze0RgAAAAClh+V7pGrXrq1nnnlGGzduVPPmzVW2bFmH9SNHjnRacRcNHz5cnTt3VlxcnKZMmWJfnpycrPPnzysuLs6+7KabblK1atWUmJiov/71rwXuLycnRzk5Ofb3WVlZTq8ZAAAAgOeyHKTeeOMNhYaGKjk5WcnJyQ7rbDab04PU0qVLtW3bNm3ZsiXfurS0NPn5+Sk0NNRheXh4uNLS0grd59SpUzV58mSn1gkAAACg9LAcpFJTU11RR4EOHz6sRx55RGvWrFFAQIDT9jt+/HiNHj3a/j4rK0tVq1Z12v4BAAAAeDbL90hdyhgjY4yzasknOTlZR44c0c033ywfHx/5+Pho/fr1mj17tnx8fBQeHq5z584pIyPDYbv09HRFREQUul9/f38FBwc7vAAAAACgqK4pSL311ltq1KiRAgMDFRgYqMaNG+vtt992dm3q0KGDvvvuO+3YscP+iomJUb9+/ex/9vX1VUJCgn2bvXv36tChQ4qNjXV6PQAAAAAgXcOlfS+99JImTJigESNGqFWrVpKkr7/+Wg899JB+//13Pfroo04rrly5cmrYsKHDsrJlyyosLMy+fPDgwRo9erQqVKig4OBgPfzww4qNjS10ogkAAAAAuF6Wg9ScOXM0b9489e/f377szjvvVIMGDTRp0iSnBqmimDlzpry8vNSzZ0+HB/ICAAAAgKvYjMWbnAICAvT999+rVq1aDstTUlLUqFEjZWdnO7XAGyErK0shISHKzMx0i/ulbLbirsC5XHgbHSygr+AK9BVcgb6Cs3laT0mSkYcdlBv9RSlqNrB8j1StWrX07rvv5lu+bNky1a5d2+ruAAAAAKDEsXxp3+TJk9WnTx9t2LDBfo/Uxo0blZCQUGDAAgAAAABPY/mMVM+ePZWUlKSKFSvqww8/1IcffqiKFStq8+bN6t69uytqBAAAAAC3YvkeKU/EPVKuRYe5B/oKrkBfwRXoKzibp/WUxD1SruSye6QAAAAAoLQr8j1SXl5esl0lzttsNl24cOG6iwIAAAAAd1bkILVixYpC1yUmJmr27NnKy8tzSlEAAAAA4M6KHKS6du2ab9nevXv1xBNP6KOPPlK/fv30zDPPOLU4AAAAAHBH13SP1K+//qoHHnhAjRo10oULF7Rjxw4tWrRI1atXd3Z9AAAAAOB2LAWpzMxMPf7446pVq5Z27dqlhIQEffTRR2rYsKGr6gMAAAAAt1PkS/umT5+uadOmKSIiQkuWLCnwUj8AAAAAKA2K/BwpLy8vBQYGKi4uTt7e3oWOW758udOKu1F4jpRrudFjAUo1+gquQF/BFegrOJun9ZTEc6RcqajZoMhnpPr373/V6c8BAAAAoDQocpBauHChC8sAAAAAgJLjmmbtAwAAAIDSjCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAW+RR3AQAAeKIdO3Zo165dlrdr0KCBmjZt6vyCAABORZACUOrxCy/sbDan7WqUpPXXsF1bSeucVoUkY5y5NwDA/yFIocThl15I4hdeuL1Zkqz/m0pq4OQ6AACuQZCC6znxF17JTX7p5RdejzJL/MIL52v6fy8AgGciSKHEmSV+6YVzNRW/8AIAAGsIUihxmopfegEAAFC8mP4cAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgkU9xFwAAAICi2bFjh3bt2mV5uwYNGqhp06bOLwgoxQhSAAAArmSzOW1XoyStv4bt2kpa57QqJBnjzL0BJRJBCgAAoISYJcn6+SipgZPrAECQAgAAKDGa/t8LQPFjsgkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAscusgNXXqVP3lL39RuXLlVLlyZXXr1k179+51GJOdna3hw4crLCxMQUFB6tmzp9LT04upYgAAAAClgVsHqfXr12v48OH65ptvtGbNGp0/f1633367Tp8+bR/z6KOP6qOPPtJ7772n9evX69dff1WPHj2KsWoAAAAAns5mjDHFXURRHT16VJUrV9b69evVpk0bZWZmqlKlSnrnnXd01113SZJ++OEH1atXT4mJifrrX/9apP1mZWUpJCREmZmZCg4OduUhFInNVtwVOJeRhx2QJJWcvzZ29FUJQF8VO/rKPdBXJUAJ6ytP6ynJA/vKjXqqqNnArc9IXS4zM1OSVKFCBUlScnKyzp8/r7i4OPuYm266SdWqVVNiYmKh+8nJyVFWVpbDCwAAAACKqsQEqby8PI0aNUqtWrVSw4YNJUlpaWny8/NTaGiow9jw8HClpaUVuq+pU6cqJCTE/qpataorSwcAAADgYUpMkBo+fLi+//57LV269Lr3NX78eGVmZtpfhw8fdkKFAAAAAEoLn+IuoChGjBihjz/+WBs2bNCf//xn+/KIiAidO3dOGRkZDmel0tPTFRERUej+/P395e/v78qSAQAAAHgwtz4jZYzRiBEjtGLFCn355ZeKjo52WN+8eXP5+voqISHBvmzv3r06dOiQYmNjb3S5AAAAAEoJtz4jNXz4cL3zzjtauXKlypUrZ7/vKSQkRIGBgQoJCdHgwYM1evRoVahQQcHBwXr44YcVGxtb5Bn7AAAAAMAqt57+3FbIXJULFizQwIEDJf3xQN4xY8ZoyZIlysnJUXx8vObOnXvFS/sux/TnruVx03NKbjVFZ1HRVyUAfVXs6Cv3QF+VACWsrzytpyQP7Cs36qmiZgO3DlI3CkHKtTzuL7rkVn/Zi4q+KgHoq2JHX7kH+qoEKGF95Wk9JXlgX7lRT3nkc6QAAAAAwB0QpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABYRpAAAAADAIoIUAAAAAFhEkAIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACAAAAAIsIUgAAAABgEUEKAAAAACwiSAEAAACARQQpAAAAALCIIAUAAAAAFhGkAAAAAMAighQAAAAAWESQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkgBAAAAgEUEKQAAAACwiCAFAAAAABZ5TJB65ZVXFBUVpYCAALVs2VKbN28u7pIAAAAAeCiPCFLLli3T6NGjNXHiRG3btk1NmjRRfHy8jhw5UtylAQAAAPBAHhGkXnrpJT3wwAMaNGiQ6tevr/nz56tMmTJ68803i7s0AAAAAB7Ip7gLuF7nzp1TcnKyxo8fb1/m5eWluLg4JSYmFrhNTk6OcnJy7O8zMzMlSVlZWa4ttpTyyG+VXil2HvkToK+KnUf+BOirYueRPwH6qth53E/AjXrqYiYwxlxxXIkPUr///rtyc3MVHh7usDw8PFw//PBDgdtMnTpVkydPzre8atWqLqmxtAsp7gJcIcQjj6pE8cifAH1V7DzyJ0BfFTuP/AnQV8XO434CbthTJ0+eVMgV6irxQepajB8/XqNHj7a/z8vL0/HjxxUWFiabzVaMlXmerKwsVa1aVYcPH1ZwcHBxlwMPQV/BFegruAJ9BVegr1zLGKOTJ08qMjLyiuNKfJCqWLGivL29lZ6e7rA8PT1dERERBW7j7+8vf39/h2WhoaGuKhGSgoOD+YsOp6Ov4Ar0FVyBvoIr0Feuc6UzUReV+Mkm/Pz81Lx5cyUkJNiX5eXlKSEhQbGxscVYGQAAAABPVeLPSEnS6NGjNWDAAMXExKhFixaaNWuWTp8+rUGDBhV3aQAAAAA8kEcEqT59+ujo0aN6+umnlZaWpqZNm2rVqlX5JqDAjefv76+JEyfmu5QSuB70FVyBvoIr0FdwBfrKPdjM1eb1AwAAAAA4KPH3SAEAAADAjUaQAgAAAACLCFIAAAAAYBFBCgAAAAAsIkiVcq+88oqioqIUEBCgli1bavPmzVcc/9577+mmm25SQECAGjVqpE8//dRhvTFGTz/9tKpUqaLAwEDFxcUpJSXFYczx48fVr18/BQcHKzQ0VIMHD9apU6fs67OzszVw4EA1atRIPj4+6tatW4G1rFu3TjfffLP8/f1Vq1YtLVy48Jq+AzhfcfTVc889p1tuuUVlypQp9AHbhw4dUufOnVWmTBlVrlxZY8eO1YULFxzG0Ffuy9l9tXz5ct1+++0KCwuTzWbTjh078u0jOztbw4cPV1hYmIKCgtSzZ898D4Cnr2ClN3ft2qWePXsqKipKNptNs2bNunGFosTbsGGDunTposjISNlsNn344YfFXVKpRpAqxZYtW6bRo0dr4sSJ2rZtm5o0aaL4+HgdOXKkwPGbNm3S3XffrcGDB2v79u3q1q2bunXrpu+//94+Zvr06Zo9e7bmz5+vpKQklS1bVvHx8crOzraP6devn3bt2qU1a9bo448/1oYNGzRkyBD7+tzcXAUGBmrkyJGKi4srsJbU1FR17txZ7du3144dOzRq1Cjdf//9Wr16tZO+HVyr4uqrc+fOqVevXho6dGiBn5Obm6vOnTvr3Llz2rRpkxYtWqSFCxfq6aefto+hr9yXK/rq9OnTat26taZNm1bo5z766KP66KOP9N5772n9+vX69ddf1aNHD/t6+gpWe/PMmTOqUaOGnn/+eUVERNzgalHSnT59Wk2aNNErr7xS3KVAkgxKrRYtWpjhw4fb3+fm5prIyEgzderUAsf37t3bdO7c2WFZy5YtzYMPPmiMMSYvL89ERESYF154wb4+IyPD+Pv7myVLlhhjjNm9e7eRZLZs2WIf89lnnxmbzWZ++eWXfJ85YMAA07Vr13zLx40bZxo0aOCwrE+fPiY+Pv4qRw1XK46+utSCBQtMSEhIvuWffvqp8fLyMmlpafZl8+bNM8HBwSYnJ8cYQ1+5M2f31aVSU1ONJLN9+3aH5RkZGcbX19e899579mV79uwxkkxiYqIxhr6C9d68VPXq1c3MmTNdWB08mSSzYsWK4i6jVOOMVCl17tw5JScnO5zx8fLyUlxcnBITEwvcJjExMd8Zovj4ePv41NRUpaWlOYwJCQlRy5Yt7WMSExMVGhqqmJgY+5i4uDh5eXkpKSmpyPVfrRYUj+Lqq6JITExUo0aNHB7UHR8fr6ysLO3atatItaB4uKKviiI5OVnnz5932M9NN92katWqOfw7jb4qva6lNwF4DoJUKfX7778rNzfX4T/+khQeHq60tLQCt0lLS7vi+Iv/vNqYypUrO6z38fFRhQoVCv1cK7VkZWXp7NmzRd4PnKu4+qooCvucSz+DvnJPruirokhLS5Ofn1++e+4u70/6qvS6lt4E4DkIUgAAAABgEUGqlKpYsaK8vb3zzT6Vnp5e6M2vERERVxx/8Z9XG3P5DbgXLlzQ8ePHLd10W1gtwcHBCgwMLPJ+4FzF1VdFUdjnXPoZ9JV7ckVfFUVERITOnTunjIyMQvdDX5Vu19KbADwHQaqU8vPzU/PmzZWQkGBflpeXp4SEBMXGxha4TWxsrMN4SVqzZo19fHR0tCIiIhzGZGVlKSkpyT4mNjZWGRkZSk5Oto/58ssvlZeXp5YtWxa5/qvVguJRXH1VFLGxsfruu+8cgvyaNWsUHBys+vXrF6kWFA9X9FVRNG/eXL6+vg772bt3rw4dOuTw7zT6qvS6lt4E4EGKe7YLFJ+lS5caf39/s3DhQrN7924zZMgQExoaap996t577zVPPPGEffzGjRuNj4+PefHFF82ePXvMxIkTja+vr/nuu+/sY55//nkTGhpqVq5cab799lvTtWtXEx0dbc6ePWsf07FjR9OsWTOTlJRkvv76a1O7dm1z9913O9S2a9cus337dtOlSxfTrl07s337docZtX766SdTpkwZM3bsWLNnzx7zyiuvGG9vb7Nq1SoXfVsoquLqq4MHD5rt27ebyZMnm6CgIHvPnDx50hhjzIULF0zDhg3N7bffbnbs2GFWrVplKlWqZMaPH2/fB33lvlzRV8eOHTPbt283n3zyiZFkli5darZv325+++03+5iHHnrIVKtWzXz55Zdm69atJjY21sTGxtrX01ew2ps5OTn2fz9VqVLFPPbYY2b79u0mJSWluA4BJcjJkyft/SPJvPTSS2b79u3m4MGDxV1aqUSQKuXmzJljqlWrZvz8/EyLFi3MN998Y1/Xtm1bM2DAAIfx7777rqlTp47x8/MzDRo0MJ988onD+ry8PDNhwgQTHh5u/P39TYcOHczevXsdxhw7dszcfffdJigoyAQHB5tBgwbZf9m9qHr16kZSvtel1q5da5o2bWr8/PxMjRo1zIIFC67/C4FTFEdfDRgwoMCeWbt2rX3MgQMHTKdOnUxgYKCpWLGiGTNmjDl//rzDfugr9+XsvlqwYEGBPTNx4kT7mLNnz5phw4aZ8uXLmzJlypju3bs7BC1j6CtY682L0+1f/mrbtu2NLxwlztq1awvsn8v//Ycbw2aMMTfo5BcAAAAAeATukQIAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABYRJACANxQAwcOVLdu3UrcvkuCqKgozZo1yyX7bteunUaNGuWSfQNASUSQAgAPMXDgQNlsNtlsNvn5+alWrVp65plndOHChever7uFkwMHDshms2nHjh0Oy19++WUtXLjQ5Z9/8Xv+5ptvHJbn5OQoLCxMNptN69atc3kdl9uyZYuGDBlif2+z2fThhx/e8DoAoDQgSAGAB+nYsaN+++03paSkaMyYMZo0aZJeeOGFa9pXbm6u8vLynFabs/dXkJCQEIWGhrr0My6qWrWqFixY4LBsxYoVCgoKuiGfX5BKlSqpTJkyxfb5AFCaEKQAwIP4+/srIiJC1atX19ChQxUXF6f//e9/kv44W/LYY4/pT3/6k8qWLauWLVs6nDVZuHChQkND9b///U/169eXv7+/7rvvPi1atEgrV660n4VZt26d1q1bJ5vNpoyMDPv2O3bskM1m04EDBwrd36FDh+zjJ0+erEqVKik4OFgPPfSQzp07Z1+3atUqtW7dWqGhoQoLC9Mdd9yh/fv329dHR0dLkpo1ayabzaZ27dpJyn/2LCcnRyNHjlTlypUVEBCg1q1ba8uWLfb1F48jISFBMTExKlOmjG655Rbt3bv3qt/1gAEDtHTpUp09e9a+7M0339SAAQPyjX388cdVp04dlSlTRjVq1NCECRN0/vx5hzFTpkxR5cqVVa5cOd1///164okn1LRpU/v6i8f24osvqkqVKgoLC9Pw4cMd9nPppX1RUVGSpO7du8tms9nfF3SGcdSoUfbvUJJOnz6t/v37KygoSFWqVNGMGTPyHdPV+gkAPB1BCgA8WGBgoD2gjBgxQomJiVq6dKm+/fZb9erVSx07dlRKSop9/JkzZzRt2jT95z//0a5duzR79mz17t3bfqbrt99+0y233FLkz798f5UrV5YkJSQkaM+ePVq3bp2WLFmi5cuXa/LkyfbtTp8+rdGjR2vr1q1KSEiQl5eXunfvbj+jtXnzZknSF198od9++03Lly8v8PPHjRunDz74QIsWLdK2bdtUq1YtxcfH6/jx4w7jnnzySc2YMUNbt26Vj4+P7rvvvqseW/PmzRUVFaUPPvhAknTo0CFt2LBB9957b76x5cqV08KFC7V79269/PLLev311zVz5kz7+sWLF+u5557TtGnTlJycrGrVqmnevHn59rN27Vrt379fa9eu1aJFi7Rw4cJCL2W8GBgXLFig3377zSFAXs3YsWO1fv16rVy5Up9//rnWrVunbdu2OYwpSj8BgEczAACPMGDAANO1a1djjDF5eXlmzZo1xt/f3zz22GPm4MGDxtvb2/zyyy8O23To0MGMHz/eGGPMggULjCSzY8eOQvd70dq1a40kc+LECfuy7du3G0kmNTX1qvurUKGCOX36tH3ZvHnzTFBQkMnNzS3w2I4ePWokme+++84YY0xqaqqRZLZv315oradOnTK+vr5m8eLF9vXnzp0zkZGRZvr06Q7H8cUXX9jHfPLJJ0aSOXv2bIG1GGOMJLNixQoza9Ys0759e2OMMZMnTzbdu3c3J06cMJLM2rVrC93+hRdeMM2bN7e/b9mypRk+fLjDmFatWpkmTZo4HFv16tXNhQsX7Mt69epl+vTpY39fvXp1M3PmzHx1Xqqgn+cjjzxi2rZta4wx5uTJk8bPz8+8++679vXHjh0zgYGB5pFHHjHGmCL1EwB4Os5IAYAH+fjjjxUUFKSAgAB16tRJffr00aRJk/Tdd98pNzdXderUUVBQkP21fv16h0vm/Pz81LhxY6fVU9j+mjRp4nAvT2xsrE6dOqXDhw9LklJSUnT33XerRo0aCg4Otl+WdumlgVezf/9+nT9/Xq1atbIv8/X1VYsWLbRnzx6HsZfWWKVKFUnSkSNHrvoZ99xzjxITE/XTTz9p4cKFhZ7JWrZsmVq1aqWIiAgFBQXpqaeecjiWvXv3qkWLFg7bXP5ekho0aCBvb2+HWotSpxX79+/XuXPn1LJlS/uyChUqqG7duvb3Re0nAPBkPsVdAADAedq3b6958+bJz89PkZGR8vH541/zp06dkre3t5KTkx1+EZfkMDlCYGCgbDbbVT/Hy+uP/w9njLEvu/yeHyv7u1yXLl1UvXp1vf7664qMjFReXp4aNmzocB+VM/n6+tr/fLHeokyMcfH+rcGDBys7O1udOnXSyZMnHcYkJiaqX79+mjx5suLj4xUSEqKlS5cWeN+RlTov1mp1Ag8vLy+Hn5tU8M/uSoraTwDgyTgjBQAepGzZsqpVq5aqVatmD1HSH5My5Obm6siRI6pVq5bDKyIi4or79PPzU25ursOySpUqSZJ+++03+7LLpyK/kp07dzpM0vDNN98oKChIVatW1bFjx7R371499dRT6tChg+rVq6cTJ07kq0lSvrouVbNmTfn5+Wnjxo32ZefPn9eWLVtUv379Itd6Nffdd5/WrVun/v375wsVkrRp0yZVr15dTz75pGJiYlS7dm0dPHjQYUzdunXz3cNk5Z6mwvj6+hb4s7v05yY5/uxq1qwpX19fJSUl2ZedOHFC+/bts7+/nn4CAE9BkAKAUqBOnTrq16+f+vfvr+XLlys1NVWbN2/W1KlT9cknn1xx26ioKH377bfau3evfv/9d50/f161atVS1apVNWnSJKWkpOiTTz6xdIbl3LlzGjx4sHbv3q1PP/1UEydO1IgRI+Tl5aXy5csrLCxMr732mn788Ud9+eWXGj16tMP2lStXVmBgoFatWqX09HRlZmbm+4yyZctq6NChGjt2rFatWqXdu3frgQce0JkzZzR48OAi13o1HTt21NGjR/XMM88UuL527do6dOiQli5dqv3792v27NlasWKFw5iHH35Yb7zxhhYtWqSUlBRNmTJF33777TWdzbtUVFSUEhISlJaWZg+jt956q7Zu3aq33npLKSkpmjhxor7//nv7NkFBQRo8eLDGjh2rL7/8Ut9//70GDhxoPwspXV8/AYCnIEgBQCmxYMEC9e/fX2PGjFHdunXVrVs3bdmyRdWqVbvidg888IDq1q2rmJgYVapUSRs3bpSvr6+WLFmiH374QY0bN9a0adM0ZcqUItfSoUMH1a5dW23atFGfPn105513atKkSZL+uPRs6dKlSk5OVsOGDfXoo4/mexaWj4+PZs+erVdffVWRkZHq2rVrgZ/z/PPPq2fPnrr33nt1880368cff9Tq1atVvnz5Itd6NTabTRUrVrSfJbvcnXfeqUcffVQjRoxQ06ZNtWnTJk2YMMFhTL9+/TR+/Hg99thjuvnmm5WamqqBAwcqICDgumqbMWOG1qxZo6pVq6pZs2aSpPj4eE2YMEHjxo3TX/7yF508eVL9+/d32O6FF17Q3/72N3Xp0kVxcXFq3bq1mjdv7jDmWvsJADyFzVx+oTQAACh2t912myIiIvT2228XdykAgAIw2QQAAMXszJkzmj9/vuLj4+Xt7a0lS5boiy++0Jo1a4q7NABAITgjBQBAMTt79qy6dOmi7du3Kzs7W3Xr1tVTTz2lHj16FHdpAIBCEKQAAAAAwCImmwAAAAAAiwhSAAAAAGARQQoAAAAALCJIAQAAAIBFBCkAAAAAsIggBQAAAAAWEaQAAAAAwCKCFAAAAABY9P8ASIweBXWvQ0gAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], "source": [ - "simple_model_errors_2 = tuple(simple_model_errors_2)\n", - "simple_model_std_devs_2 = tuple(simple_model_std_devs_2)\n", - "complex_model_errors_2 = tuple(complex_model_errors_2)\n", - "complex_model_std_devs_2 = tuple(complex_model_std_devs_2)\n", - "\n", - "# Find the maximum mean error for both models\n", - "max_error_simple_2 = max(simple_model_errors_2)\n", - "max_error_complex_2 = max(complex_model_errors_2)\n", - "\n", - "# Normalize mean errors by their maximum values and multiply by 100\n", - "normalized_mean_errors_simple_2 = [(x / max_error_simple_2) * 100 for x in simple_model_errors_2]\n", - "normalized_mean_errors_complex_2 = [(x / max_error_complex_2) * 100 for x in complex_model_errors_2]\n", - "\n", - "# Normalize standard deviations by the same factor as their corresponding means\n", - "normalized_std_errors_simple_2 = [(y / max_error_simple_2) * 100 for y in simple_model_std_devs_2]\n", - "normalized_std_errors_complex_2 = [(y / max_error_complex_2) * 100 for y in complex_model_std_devs_2]\n", - "\n", - "# perturbation strengths\n", - "perturbation_strengths = [0.0001, 0.001, 0.01, 0.1, 1]\n", - "\n", - "# Plotting\n", - "plt.figure(figsize=(10, 7))\n", - "\n", - "# Width of a bar\n", - "bar_width = 0.35\n", - "\n", - "# Positions of the left bar-boundaries\n", - "bar_positions = np.arange(len(perturbation_strengths))\n", - "\n", - "# Bar plot for the simple model\n", - "plt.bar(bar_positions - bar_width/2, normalized_mean_errors_simple_2, width=bar_width, color='blue', yerr=normalized_std_errors_simple_2, capsize=5, label='Simple Model')\n", - "\n", - "# Bar plot for the complex model\n", - "plt.bar(bar_positions + bar_width/2, normalized_mean_errors_complex_2, width=bar_width, color='red', yerr=normalized_std_errors_complex, capsize=5, label='Complex Model')\n", - "\n", - "# Adding labels, title, and legend\n", - "plt.xlabel('Normalized initial condition perturbation magnitude')\n", - "plt.ylabel('Normalized error (%)')\n", - "plt.title('Perturbation of the weights')\n", - "plt.xticks(bar_positions, [f\"{x:.5f}\" if x < 0.1 else f\"{int(x)}\" for x in perturbation_strengths])\n", - "plt.legend()\n", - "\n", - "# Set y-axis to display up to 100%\n", - "plt.ylim(0, 100)\n", - "\n", - "plt.show()" + "#Plot perturbation results\n", + "plot_perturbation_results(perturbation_strengths, simple_model_errors_2, complex_model_errors_2)\n" ] }, { diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background.zip b/tutorials/W1D1_Generalization/data/omniglot-py/images_background.zip deleted file mode 100644 index 71fd167eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background.zip and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_01.png deleted file mode 100644 index 6b308dc31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_02.png deleted file mode 100644 index ce1890ce3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_03.png deleted file mode 100644 index 5fe4813b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_04.png deleted file mode 100644 index d4f9a6798..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_05.png deleted file mode 100644 index aa5b99041..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_06.png deleted file mode 100644 index 8cdcca0cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_07.png deleted file mode 100644 index 32e4e4b63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_08.png deleted file mode 100644 index 2e7fcf84f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_09.png deleted file mode 100644 index cdeab8543..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_10.png deleted file mode 100644 index bcc45786d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_11.png deleted file mode 100644 index f447eb311..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_12.png deleted file mode 100644 index 687e512fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_13.png deleted file mode 100644 index 260ffa5da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_14.png deleted file mode 100644 index 321d3c955..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_15.png deleted file mode 100644 index f133c31bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_16.png deleted file mode 100644 index c85cb0fc7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_17.png deleted file mode 100644 index 30b81c750..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_18.png deleted file mode 100644 index b975a26ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_19.png deleted file mode 100644 index b36fb2e52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_20.png deleted file mode 100644 index e376a0166..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_01.png deleted file mode 100644 index 64a65b6d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_02.png deleted file mode 100644 index f3aa48e40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_03.png deleted file mode 100644 index 7791cbd5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_04.png deleted file mode 100644 index ede364ae0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_05.png deleted file mode 100644 index 4c2d6391d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_06.png deleted file mode 100644 index bfba96bb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_07.png deleted file mode 100644 index 16565f6bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_08.png deleted file mode 100644 index 75de6990b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_09.png deleted file mode 100644 index ae71dcdd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_10.png deleted file mode 100644 index 54a893b40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_11.png deleted file mode 100644 index 5e942293e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_12.png deleted file mode 100644 index 65f705bc8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_13.png deleted file mode 100644 index 5350a4856..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_14.png deleted file mode 100644 index 70bed9a07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_15.png deleted file mode 100644 index 1c5ed82d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_16.png deleted file mode 100644 index a2818a919..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_17.png deleted file mode 100644 index a36db4b7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_18.png deleted file mode 100644 index 1f03474d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_19.png deleted file mode 100644 index 2f8c14b98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_20.png deleted file mode 100644 index b8038cd68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_01.png deleted file mode 100644 index d7cfc309f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_02.png deleted file mode 100644 index 509b61767..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_03.png deleted file mode 100644 index bed757b2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_04.png deleted file mode 100644 index c1e6dc943..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_05.png deleted file mode 100644 index 5dc37407b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_06.png deleted file mode 100644 index 9d85b2564..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_07.png deleted file mode 100644 index 3dd39a845..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_08.png deleted file mode 100644 index 209ff3a45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_09.png deleted file mode 100644 index ab4716f45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_10.png deleted file mode 100644 index 840d8e8e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_11.png deleted file mode 100644 index a95dad577..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_12.png deleted file mode 100644 index f6e3ce149..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_13.png deleted file mode 100644 index 290b401e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_14.png deleted file mode 100644 index ead7ea20e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_15.png deleted file mode 100644 index 43a99f65b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_16.png deleted file mode 100644 index cedcb39c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_17.png deleted file mode 100644 index 3ac9e1caa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_18.png deleted file mode 100644 index 04adc262f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_19.png deleted file mode 100644 index e3de7aeb0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_20.png deleted file mode 100644 index d94c25023..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_01.png deleted file mode 100644 index 99800e944..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_02.png deleted file mode 100644 index ba41346d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_03.png deleted file mode 100644 index 312e60130..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_04.png deleted file mode 100644 index 348c33001..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_05.png deleted file mode 100644 index 140ea502b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_06.png deleted file mode 100644 index 9bca6d6a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_07.png deleted file mode 100644 index fa0f00ec1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_08.png deleted file mode 100644 index b48a0151b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_09.png deleted file mode 100644 index 0026e631b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_10.png deleted file mode 100644 index 22334e976..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_11.png deleted file mode 100644 index 669bebfcb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_12.png deleted file mode 100644 index e876648e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_13.png deleted file mode 100644 index 593e0f853..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_14.png deleted file mode 100644 index d3ede5cd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_15.png deleted file mode 100644 index b643d7d9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_16.png deleted file mode 100644 index 77d897580..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_17.png deleted file mode 100644 index fd42306df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_18.png deleted file mode 100644 index 7d59ebfdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_19.png deleted file mode 100644 index a76372c20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_20.png deleted file mode 100644 index 36c492a0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_01.png deleted file mode 100644 index acde3111a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_02.png deleted file mode 100644 index d97233746..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_03.png deleted file mode 100644 index edab3aec2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_04.png deleted file mode 100644 index c39ceaea7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_05.png deleted file mode 100644 index 0288e42b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_06.png deleted file mode 100644 index dfc0db96b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_07.png deleted file mode 100644 index 05db02b8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_08.png deleted file mode 100644 index 03bcbf06c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_09.png deleted file mode 100644 index a256c1c62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_10.png deleted file mode 100644 index 60586123b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_11.png deleted file mode 100644 index 89cccecc4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_12.png deleted file mode 100644 index 10a7cff69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_13.png deleted file mode 100644 index 54bd7b71d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_14.png deleted file mode 100644 index 7067963c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_15.png deleted file mode 100644 index 525b403a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_16.png deleted file mode 100644 index 81f328c8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_17.png deleted file mode 100644 index 426a83af3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_18.png deleted file mode 100644 index 7fd76925c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_19.png deleted file mode 100644 index 64799b878..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_20.png deleted file mode 100644 index 7181e8033..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_01.png deleted file mode 100644 index 442872ab5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_02.png deleted file mode 100644 index f128f2124..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_03.png deleted file mode 100644 index 818374717..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_04.png deleted file mode 100644 index d81058913..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_05.png deleted file mode 100644 index 8dea75ff0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_06.png deleted file mode 100644 index 9ea7fab31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_07.png deleted file mode 100644 index 552e28b5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_08.png deleted file mode 100644 index b895afb67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_09.png deleted file mode 100644 index cb7c84b48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_10.png deleted file mode 100644 index 54327a02e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_11.png deleted file mode 100644 index 179135dff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_12.png deleted file mode 100644 index 1bf90ad0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_13.png deleted file mode 100644 index 655f7417b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_14.png deleted file mode 100644 index c20c7748a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_15.png deleted file mode 100644 index 8143f240c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_16.png deleted file mode 100644 index b6c26c152..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_17.png deleted file mode 100644 index 819722da1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_18.png deleted file mode 100644 index 769769de5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_19.png deleted file mode 100644 index 8058dea64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_20.png deleted file mode 100644 index 13089964d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_01.png deleted file mode 100644 index 6d4069709..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_02.png deleted file mode 100644 index eba8747fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_03.png deleted file mode 100644 index 1539f1965..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_04.png deleted file mode 100644 index a174a968e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_05.png deleted file mode 100644 index e9ad289fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_06.png deleted file mode 100644 index df594978a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_07.png deleted file mode 100644 index 9c3c92003..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_08.png deleted file mode 100644 index e9232fa99..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_09.png deleted file mode 100644 index 3e51b0775..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_10.png deleted file mode 100644 index 53e1868cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_11.png deleted file mode 100644 index 3c52e3902..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_12.png deleted file mode 100644 index b30448fe7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_13.png deleted file mode 100644 index 9fce1a59b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_14.png deleted file mode 100644 index e3f6b90dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_15.png deleted file mode 100644 index c9d7a6068..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_16.png deleted file mode 100644 index d6e40b5ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_17.png deleted file mode 100644 index f18ea66e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_18.png deleted file mode 100644 index 2151d5fa4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_19.png deleted file mode 100644 index 11f4515c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_20.png deleted file mode 100644 index 00beb6ad2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_01.png deleted file mode 100644 index 295afc5f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_02.png deleted file mode 100644 index b14257d94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_03.png deleted file mode 100644 index 4f288db46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_04.png deleted file mode 100644 index fbb97068e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_05.png deleted file mode 100644 index 23e352a20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_06.png deleted file mode 100644 index 5bdbab63c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_07.png deleted file mode 100644 index 809c471f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_08.png deleted file mode 100644 index 1ee527ef5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_09.png deleted file mode 100644 index a4ea74222..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_10.png deleted file mode 100644 index 513a21557..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_11.png deleted file mode 100644 index 65088f77a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_12.png deleted file mode 100644 index 670e141ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_13.png deleted file mode 100644 index e15bb2b0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_14.png deleted file mode 100644 index 9d1ce4306..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_15.png deleted file mode 100644 index b47c73eda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_16.png deleted file mode 100644 index 48472133d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_17.png deleted file mode 100644 index 0c3b95247..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_18.png deleted file mode 100644 index aa9583ea0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_19.png deleted file mode 100644 index e9912da3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_20.png deleted file mode 100644 index 40c928ad2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_01.png deleted file mode 100644 index 3492dddfa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_02.png deleted file mode 100644 index 72e9cec2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_03.png deleted file mode 100644 index 92c4d88f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_04.png deleted file mode 100644 index 6f2f7346c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_05.png deleted file mode 100644 index 0a4bc8000..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_06.png deleted file mode 100644 index 86e7d4ae9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_07.png deleted file mode 100644 index b0676fee3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_08.png deleted file mode 100644 index 40dc62174..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_09.png deleted file mode 100644 index df1027e45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_10.png deleted file mode 100644 index 3a77eaacc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_11.png deleted file mode 100644 index 44ec0fba8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_12.png deleted file mode 100644 index e3f5b3673..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_13.png deleted file mode 100644 index c2b9f2046..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_14.png deleted file mode 100644 index b3646d2a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_15.png deleted file mode 100644 index 2d08e67a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_16.png deleted file mode 100644 index 4cdec96fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_17.png deleted file mode 100644 index b69bd358c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_18.png deleted file mode 100644 index b95f8bb16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_19.png deleted file mode 100644 index 71b198be8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_20.png deleted file mode 100644 index 594b61754..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_01.png deleted file mode 100644 index 12313445b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_02.png deleted file mode 100644 index 46da1433a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_03.png deleted file mode 100644 index c0fad7f40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_04.png deleted file mode 100644 index 8e2c24c56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_05.png deleted file mode 100644 index 7d225d58a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_06.png deleted file mode 100644 index 256963718..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_07.png deleted file mode 100644 index 8d3922cdd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_08.png deleted file mode 100644 index 536f811c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_09.png deleted file mode 100644 index b2f3d5ddb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_10.png deleted file mode 100644 index bdd73b89a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_11.png deleted file mode 100644 index e0424f8fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_12.png deleted file mode 100644 index 08c2444a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_13.png deleted file mode 100644 index 98ad1abf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_14.png deleted file mode 100644 index b5a2e780a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_15.png deleted file mode 100644 index a1167aed7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_16.png deleted file mode 100644 index c81341f84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_17.png deleted file mode 100644 index d1d3b054b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_18.png deleted file mode 100644 index c996a80b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_19.png deleted file mode 100644 index c49b7d00e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_20.png deleted file mode 100644 index 7edc13c69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_01.png deleted file mode 100644 index 0f449fbaf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_02.png deleted file mode 100644 index df5830c15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_03.png deleted file mode 100644 index 908657b5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_04.png deleted file mode 100644 index fafbe0567..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_05.png deleted file mode 100644 index 3f2e71620..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_06.png deleted file mode 100644 index f6da2f7a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_07.png deleted file mode 100644 index e7f6a77a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_08.png deleted file mode 100644 index e193ad573..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_09.png deleted file mode 100644 index 1f9bd2678..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_10.png deleted file mode 100644 index 61301c704..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_11.png deleted file mode 100644 index db7cd6c43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_12.png deleted file mode 100644 index 72990ff0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_13.png deleted file mode 100644 index 901ce397f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_14.png deleted file mode 100644 index d7415150e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_15.png deleted file mode 100644 index 26ee30613..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_16.png deleted file mode 100644 index a4bd92c1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_17.png deleted file mode 100644 index 244bde699..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_18.png deleted file mode 100644 index 59ef96643..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_19.png deleted file mode 100644 index 3284c6088..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_20.png deleted file mode 100644 index 216de4ab9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_01.png deleted file mode 100644 index 9434e7651..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_02.png deleted file mode 100644 index 84f439834..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_03.png deleted file mode 100644 index 5aed35028..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_04.png deleted file mode 100644 index 82f80c642..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_05.png deleted file mode 100644 index c872b91ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_06.png deleted file mode 100644 index 11af96de1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_07.png deleted file mode 100644 index 5c8c59c1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_08.png deleted file mode 100644 index 8fad39bac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_09.png deleted file mode 100644 index 0ed3e832c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_10.png deleted file mode 100644 index 4aef3ce8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_11.png deleted file mode 100644 index a88d4a797..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_12.png deleted file mode 100644 index 4ad2a478a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_13.png deleted file mode 100644 index df654ad25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_14.png deleted file mode 100644 index 812b92425..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_15.png deleted file mode 100644 index 9567f8f32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_16.png deleted file mode 100644 index 0233d8b4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_17.png deleted file mode 100644 index 072da6a58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_18.png deleted file mode 100644 index 40a9cf880..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_19.png deleted file mode 100644 index b9c76bc37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_20.png deleted file mode 100644 index b5ac23352..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_01.png deleted file mode 100644 index 09d5517fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_02.png deleted file mode 100644 index 18d4e82b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_03.png deleted file mode 100644 index c987e1ae6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_04.png deleted file mode 100644 index 77ad814cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_05.png deleted file mode 100644 index d7ff8af64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_06.png deleted file mode 100644 index 0c7946e6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_07.png deleted file mode 100644 index daefca01a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_08.png deleted file mode 100644 index fd46d1a38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_09.png deleted file mode 100644 index 0ac532cc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_10.png deleted file mode 100644 index bf67d5dad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_11.png deleted file mode 100644 index 594a36a9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_12.png deleted file mode 100644 index b64d1fe1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_13.png deleted file mode 100644 index e8abb426d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_14.png deleted file mode 100644 index 9745dda9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_15.png deleted file mode 100644 index 241ba2bc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_16.png deleted file mode 100644 index 0d85b5711..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_17.png deleted file mode 100644 index 9c5341df1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_18.png deleted file mode 100644 index 480e7a5c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_19.png deleted file mode 100644 index 32c657ffb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_20.png deleted file mode 100644 index 70b873741..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_01.png deleted file mode 100644 index 6f5eff0f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_02.png deleted file mode 100644 index a57921ab1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_03.png deleted file mode 100644 index f4e077855..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_04.png deleted file mode 100644 index 96c68b613..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_05.png deleted file mode 100644 index 9e7274380..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_06.png deleted file mode 100644 index 59362a191..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_07.png deleted file mode 100644 index 2073a703c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_08.png deleted file mode 100644 index 5312bb47b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_09.png deleted file mode 100644 index 854406fda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_10.png deleted file mode 100644 index 227550621..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_11.png deleted file mode 100644 index ef3815499..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_12.png deleted file mode 100644 index d70a9bf20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_13.png deleted file mode 100644 index 08978c1c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_14.png deleted file mode 100644 index 1d6eb52ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_15.png deleted file mode 100644 index 93a478c49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_16.png deleted file mode 100644 index 934b900db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_17.png deleted file mode 100644 index 0674eff47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_18.png deleted file mode 100644 index cf7cacb23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_19.png deleted file mode 100644 index 2f0a10b09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_20.png deleted file mode 100644 index 52718b28c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_01.png deleted file mode 100644 index 5d7827ef3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_02.png deleted file mode 100644 index 49c6240e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_03.png deleted file mode 100644 index f3331a76d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_04.png deleted file mode 100644 index c37839ef6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_05.png deleted file mode 100644 index 7188d47bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_06.png deleted file mode 100644 index 9c1d7c172..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_07.png deleted file mode 100644 index 11e2d78cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_08.png deleted file mode 100644 index 6c37e5b93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_09.png deleted file mode 100644 index 87e2bbeb2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_10.png deleted file mode 100644 index cde943406..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_11.png deleted file mode 100644 index 9b0f053de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_12.png deleted file mode 100644 index 453331937..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_13.png deleted file mode 100644 index 2e64b85a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_14.png deleted file mode 100644 index f03800f85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_15.png deleted file mode 100644 index fd86c8e57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_16.png deleted file mode 100644 index 9e7750386..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_17.png deleted file mode 100644 index 425c9f65d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_18.png deleted file mode 100644 index 2a4177192..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_19.png deleted file mode 100644 index 2e679bde9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_20.png deleted file mode 100644 index 8dd84d784..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_01.png deleted file mode 100644 index 113fc7db9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_02.png deleted file mode 100644 index 65e0af1d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_03.png deleted file mode 100644 index fb8bfbbec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_04.png deleted file mode 100644 index 9d303f3b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_05.png deleted file mode 100644 index f57b01d60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_06.png deleted file mode 100644 index c16cd8c47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_07.png deleted file mode 100644 index 50df3304b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_08.png deleted file mode 100644 index 97d2aca6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_09.png deleted file mode 100644 index 9f66d2fd7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_10.png deleted file mode 100644 index 528ad159a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_11.png deleted file mode 100644 index 2db7a805f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_12.png deleted file mode 100644 index 53ddb05b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_13.png deleted file mode 100644 index 73193f20d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_14.png deleted file mode 100644 index c243e814e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_15.png deleted file mode 100644 index be4a8acdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_16.png deleted file mode 100644 index 08d9a8651..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_17.png deleted file mode 100644 index 5fb392570..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_18.png deleted file mode 100644 index c886b3e25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_19.png deleted file mode 100644 index d1a6b877d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_20.png deleted file mode 100644 index eb8a51fc0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_01.png deleted file mode 100644 index 96e8bd632..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_02.png deleted file mode 100644 index e0ea1e326..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_03.png deleted file mode 100644 index f811a4647..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_04.png deleted file mode 100644 index 3c2773d1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_05.png deleted file mode 100644 index d5860a6c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_06.png deleted file mode 100644 index f510a194f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_07.png deleted file mode 100644 index c3fda45ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_08.png deleted file mode 100644 index 916d40c4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_09.png deleted file mode 100644 index 8dc901b7b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_10.png deleted file mode 100644 index 77f362352..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_11.png deleted file mode 100644 index 405c87e0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_12.png deleted file mode 100644 index 459007324..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_13.png deleted file mode 100644 index b0d649cbb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_14.png deleted file mode 100644 index 5d798978b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_15.png deleted file mode 100644 index dd5c53d8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_16.png deleted file mode 100644 index c88952a7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_17.png deleted file mode 100644 index 7c28bec18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_18.png deleted file mode 100644 index 0d16a7c4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_19.png deleted file mode 100644 index dbc5c1b00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_20.png deleted file mode 100644 index 96c024ef8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_01.png deleted file mode 100644 index 74b758dfb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_02.png deleted file mode 100644 index e69172b17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_03.png deleted file mode 100644 index cd9e06c23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_04.png deleted file mode 100644 index 5f22efc47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_05.png deleted file mode 100644 index 79d6bff3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_06.png deleted file mode 100644 index 49a67f48b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_07.png deleted file mode 100644 index d6c694df7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_08.png deleted file mode 100644 index 81dc49489..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_09.png deleted file mode 100644 index 21e4d5848..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_10.png deleted file mode 100644 index 3575395eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_11.png deleted file mode 100644 index 875b07054..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_12.png deleted file mode 100644 index 2784a3b09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_13.png deleted file mode 100644 index 25d450c21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_14.png deleted file mode 100644 index e45ee6280..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_15.png deleted file mode 100644 index ff1006547..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_16.png deleted file mode 100644 index ae642e39a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_17.png deleted file mode 100644 index 18aec9a79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_18.png deleted file mode 100644 index 28520fef3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_19.png deleted file mode 100644 index de36b3163..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_20.png deleted file mode 100644 index 617888544..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_01.png deleted file mode 100644 index f5697f295..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_02.png deleted file mode 100644 index 08b445f34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_03.png deleted file mode 100644 index 19f4a39e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_04.png deleted file mode 100644 index 5a40fb59b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_05.png deleted file mode 100644 index f201dd2c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_06.png deleted file mode 100644 index 810684752..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_07.png deleted file mode 100644 index a045cc479..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_08.png deleted file mode 100644 index 2f91ea0bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_09.png deleted file mode 100644 index dd7ee00d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_10.png deleted file mode 100644 index 8a8f395a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_11.png deleted file mode 100644 index 853ac4d95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_12.png deleted file mode 100644 index a319889e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_13.png deleted file mode 100644 index 704b90350..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_14.png deleted file mode 100644 index 9cf4a3670..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_15.png deleted file mode 100644 index d2f2c41d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_16.png deleted file mode 100644 index e1ae39e19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_17.png deleted file mode 100644 index 8447e2325..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_18.png deleted file mode 100644 index 5032699e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_19.png deleted file mode 100644 index 74f3aa904..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_20.png deleted file mode 100644 index 5547490c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_01.png deleted file mode 100644 index 3e6650ccc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_02.png deleted file mode 100644 index 5b0b491ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_03.png deleted file mode 100644 index 21668ed43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_04.png deleted file mode 100644 index 238d5af06..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_05.png deleted file mode 100644 index 4ca66b37a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_06.png deleted file mode 100644 index 57f6463c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_07.png deleted file mode 100644 index 60fd16f09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_08.png deleted file mode 100644 index c05c0ab0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_09.png deleted file mode 100644 index 930a853e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_10.png deleted file mode 100644 index c35f0d7fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_11.png deleted file mode 100644 index f75259853..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_12.png deleted file mode 100644 index 5afce6ef3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_13.png deleted file mode 100644 index 558043b80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_14.png deleted file mode 100644 index 55740b88f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_15.png deleted file mode 100644 index e174d0225..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_16.png deleted file mode 100644 index cd67b912c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_17.png deleted file mode 100644 index d2c16dc81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_18.png deleted file mode 100644 index 773c503f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_19.png deleted file mode 100644 index 6c0740c2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_20.png deleted file mode 100644 index d157c1fc0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_01.png deleted file mode 100644 index f7b50d1cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_02.png deleted file mode 100644 index 2f9e57d39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_03.png deleted file mode 100644 index f87903d39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_04.png deleted file mode 100644 index 25ba64bf8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_05.png deleted file mode 100644 index f92c89a05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_06.png deleted file mode 100644 index 8d466c750..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_07.png deleted file mode 100644 index 3009c7d73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_08.png deleted file mode 100644 index e36972ed9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_09.png deleted file mode 100644 index f9ebe68e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_10.png deleted file mode 100644 index 64c284166..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_11.png deleted file mode 100644 index 35af0f79a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_12.png deleted file mode 100644 index 2d499fc4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_13.png deleted file mode 100644 index d9d7d4dbe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_14.png deleted file mode 100644 index abf9a76bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_15.png deleted file mode 100644 index 1cf6ecf91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_16.png deleted file mode 100644 index 2c8450e8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_17.png deleted file mode 100644 index 4681b1867..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_18.png deleted file mode 100644 index 5ce1b0e9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_19.png deleted file mode 100644 index 5f4ca938b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_20.png deleted file mode 100644 index b5b980a5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_01.png deleted file mode 100644 index a7b6650a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_02.png deleted file mode 100644 index 893f7e87c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_03.png deleted file mode 100644 index c2480cffa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_04.png deleted file mode 100644 index f00b83a3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_05.png deleted file mode 100644 index 67b5544e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_06.png deleted file mode 100644 index 067ba94e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_07.png deleted file mode 100644 index 3f2dcfcfd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_08.png deleted file mode 100644 index 021de26c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_09.png deleted file mode 100644 index 0fdcf4dde..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_10.png deleted file mode 100644 index 50ae4a385..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_11.png deleted file mode 100644 index ad3524518..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_12.png deleted file mode 100644 index 3a9575b4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_13.png deleted file mode 100644 index 2e081a695..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_14.png deleted file mode 100644 index f3435655b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_15.png deleted file mode 100644 index 93998f001..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_16.png deleted file mode 100644 index 464493400..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_17.png deleted file mode 100644 index ddd2dff93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_18.png deleted file mode 100644 index 003592210..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_19.png deleted file mode 100644 index a98535dd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_20.png deleted file mode 100644 index 86fd1d51e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_01.png deleted file mode 100644 index dd2d979aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_02.png deleted file mode 100644 index 771c32812..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_03.png deleted file mode 100644 index 9ca9f839e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_04.png deleted file mode 100644 index a7862dfdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_05.png deleted file mode 100644 index 277f66f5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_06.png deleted file mode 100644 index 1c9f92697..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_07.png deleted file mode 100644 index 53356aa2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_08.png deleted file mode 100644 index c88deb879..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_09.png deleted file mode 100644 index 48978bf48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_10.png deleted file mode 100644 index eaf8558bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_11.png deleted file mode 100644 index 1f1aebf67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_12.png deleted file mode 100644 index 9494a2e7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_13.png deleted file mode 100644 index 8b54ec576..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_14.png deleted file mode 100644 index d1d133740..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_15.png deleted file mode 100644 index 6d5f8c80c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_16.png deleted file mode 100644 index 61208ea33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_17.png deleted file mode 100644 index f824884b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_18.png deleted file mode 100644 index 10db2a1a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_19.png deleted file mode 100644 index aec5b5051..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_20.png deleted file mode 100644 index 7f9110dd2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_01.png deleted file mode 100644 index ebd0188c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_02.png deleted file mode 100644 index 09d84b7df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_03.png deleted file mode 100644 index f9a11f8aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_04.png deleted file mode 100644 index 42dd93980..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_05.png deleted file mode 100644 index cf083e095..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_06.png deleted file mode 100644 index 9fb64f590..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_07.png deleted file mode 100644 index 8d6546410..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_08.png deleted file mode 100644 index 036535beb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_09.png deleted file mode 100644 index ec174ef73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_10.png deleted file mode 100644 index 2c0dfba8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_11.png deleted file mode 100644 index 98ea8d497..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_12.png deleted file mode 100644 index b46abb638..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_13.png deleted file mode 100644 index dd31c4c2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_14.png deleted file mode 100644 index c4f85acad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_15.png deleted file mode 100644 index 6352ff170..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_16.png deleted file mode 100644 index 7815de712..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_17.png deleted file mode 100644 index decdcfc4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_18.png deleted file mode 100644 index 47fe4ce83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_19.png deleted file mode 100644 index 102222b14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_20.png deleted file mode 100644 index dbba76095..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_01.png deleted file mode 100644 index 0da824435..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_02.png deleted file mode 100644 index a6df166e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_03.png deleted file mode 100644 index 07ead22db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_04.png deleted file mode 100644 index 1882b62df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_05.png deleted file mode 100644 index b4f23ce46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_06.png deleted file mode 100644 index f19fcdc5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_07.png deleted file mode 100644 index bd061b12a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_08.png deleted file mode 100644 index 2424ac879..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_09.png deleted file mode 100644 index c2a64fc8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_10.png deleted file mode 100644 index fc8bd8e15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_11.png deleted file mode 100644 index 43ba15892..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_12.png deleted file mode 100644 index 689c05a77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_13.png deleted file mode 100644 index 856a7ebaa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_14.png deleted file mode 100644 index c03b15223..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_15.png deleted file mode 100644 index 5e4ef19fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_16.png deleted file mode 100644 index 68862b93f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_17.png deleted file mode 100644 index d28a78d22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_18.png deleted file mode 100644 index 9cebfd0e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_19.png deleted file mode 100644 index 0361bdb26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_20.png deleted file mode 100644 index 9a33c84e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_01.png deleted file mode 100644 index 5f8000b29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_02.png deleted file mode 100644 index 0be0e9aef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_03.png deleted file mode 100644 index 7574e0824..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_04.png deleted file mode 100644 index 15ddba803..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_05.png deleted file mode 100644 index da44365d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_06.png deleted file mode 100644 index c34b3c508..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_07.png deleted file mode 100644 index abf59f3f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_08.png deleted file mode 100644 index 849cc5093..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_09.png deleted file mode 100644 index 486e6cddf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_10.png deleted file mode 100644 index aed61cb95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_11.png deleted file mode 100644 index c9805d22a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_12.png deleted file mode 100644 index ee54b6378..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_13.png deleted file mode 100644 index 1069dedf4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_14.png deleted file mode 100644 index cf4ff6456..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_15.png deleted file mode 100644 index b62d251b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_16.png deleted file mode 100644 index e16280286..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_17.png deleted file mode 100644 index bd1e2e656..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_18.png deleted file mode 100644 index 1f8da5e4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_19.png deleted file mode 100644 index ad9386102..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_20.png deleted file mode 100644 index d95c91381..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_01.png deleted file mode 100644 index f72472c36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_02.png deleted file mode 100644 index a579e6b5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_03.png deleted file mode 100644 index d892b9e68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_04.png deleted file mode 100644 index a3f361c9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_05.png deleted file mode 100644 index 438549618..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_06.png deleted file mode 100644 index 8d69be1b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_07.png deleted file mode 100644 index 001aa465c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_08.png deleted file mode 100644 index 1b7c2cfc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_09.png deleted file mode 100644 index 6aabaeba0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_10.png deleted file mode 100644 index 3a01e3102..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_11.png deleted file mode 100644 index 4fd81d99e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_12.png deleted file mode 100644 index 5122a969d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_13.png deleted file mode 100644 index c83c87642..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_14.png deleted file mode 100644 index 25814b47a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_15.png deleted file mode 100644 index 5628f1c7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_16.png deleted file mode 100644 index d3a18e909..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_17.png deleted file mode 100644 index 0b5d39237..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_18.png deleted file mode 100644 index 6e95981fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_19.png deleted file mode 100644 index cbd0fcbfd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_20.png deleted file mode 100644 index 2536474c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_01.png deleted file mode 100644 index 373083e65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_02.png deleted file mode 100644 index 733b059b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_03.png deleted file mode 100644 index 82354dce5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_04.png deleted file mode 100644 index ac9109c18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_05.png deleted file mode 100644 index e562e6bae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_06.png deleted file mode 100644 index 9bb4c9811..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_07.png deleted file mode 100644 index 4cd9af089..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_08.png deleted file mode 100644 index 427fe95d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_09.png deleted file mode 100644 index fccfdc8d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_10.png deleted file mode 100644 index 067c87ddc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_11.png deleted file mode 100644 index 03b867eac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_12.png deleted file mode 100644 index 12772702e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_13.png deleted file mode 100644 index edf0be3e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_14.png deleted file mode 100644 index 600e6dbb3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_15.png deleted file mode 100644 index aece4d465..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_16.png deleted file mode 100644 index 14d3eac3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_17.png deleted file mode 100644 index 88fc36dd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_18.png deleted file mode 100644 index 70ee1a61d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_19.png deleted file mode 100644 index bcfade2ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_20.png deleted file mode 100644 index a1f85a7f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_01.png deleted file mode 100644 index bbcba5022..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_02.png deleted file mode 100644 index b9bc82241..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_03.png deleted file mode 100644 index baf354228..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_04.png deleted file mode 100644 index c20fe1dd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_05.png deleted file mode 100644 index 638c2e32e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_06.png deleted file mode 100644 index 02e659556..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_07.png deleted file mode 100644 index e082c05b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_08.png deleted file mode 100644 index d0274bc37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_09.png deleted file mode 100644 index 8fba41623..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_10.png deleted file mode 100644 index 2f7f853f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_11.png deleted file mode 100644 index 5596072fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_12.png deleted file mode 100644 index e4acacbd6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_13.png deleted file mode 100644 index 1aa83fc5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_14.png deleted file mode 100644 index 3e8b9ddaf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_15.png deleted file mode 100644 index 9efcdea68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_16.png deleted file mode 100644 index d0072e499..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_17.png deleted file mode 100644 index b0a2e99e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_18.png deleted file mode 100644 index 09b060d3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_19.png deleted file mode 100644 index 380c447d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_20.png deleted file mode 100644 index f6db15534..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_01.png deleted file mode 100644 index 4a506d5a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_02.png deleted file mode 100644 index 1485ca8fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_03.png deleted file mode 100644 index 88f877dea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_04.png deleted file mode 100644 index 0820cc154..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_05.png deleted file mode 100644 index 00f8d8b80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_06.png deleted file mode 100644 index e054c39df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_07.png deleted file mode 100644 index 375c993d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_08.png deleted file mode 100644 index 1bc08c84d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_09.png deleted file mode 100644 index b40d3ae8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_10.png deleted file mode 100644 index b38068f29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_11.png deleted file mode 100644 index dd7281b32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_12.png deleted file mode 100644 index aa07ea760..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_13.png deleted file mode 100644 index 143a8bb10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_14.png deleted file mode 100644 index a6b8090fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_15.png deleted file mode 100644 index 6787e634f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_16.png deleted file mode 100644 index 473086e17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_17.png deleted file mode 100644 index cd1fa6dfb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_18.png deleted file mode 100644 index 27da9b527..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_19.png deleted file mode 100644 index c9a73ff44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_20.png deleted file mode 100644 index ffa1228ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_01.png deleted file mode 100644 index 4ddbee716..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_02.png deleted file mode 100644 index 6667f1770..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_03.png deleted file mode 100644 index a81d9d395..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_04.png deleted file mode 100644 index 893d9f102..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_05.png deleted file mode 100644 index 03d23b184..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_06.png deleted file mode 100644 index cc6471c11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_07.png deleted file mode 100644 index d1b2d74f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_08.png deleted file mode 100644 index 07652327f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_09.png deleted file mode 100644 index cfe43ecba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_10.png deleted file mode 100644 index ab85d6485..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_11.png deleted file mode 100644 index b53079ad1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_12.png deleted file mode 100644 index 4823d928e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_13.png deleted file mode 100644 index 1c661a061..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_14.png deleted file mode 100644 index 43df16f2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_15.png deleted file mode 100644 index 9da8dcd00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_16.png deleted file mode 100644 index 1136ac49b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_17.png deleted file mode 100644 index fdf59210f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_18.png deleted file mode 100644 index 10a230154..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_19.png deleted file mode 100644 index c4c1841b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_20.png deleted file mode 100644 index 78a4b8681..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_01.png deleted file mode 100644 index c381a3e18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_02.png deleted file mode 100644 index c0679413e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_03.png deleted file mode 100644 index fa38ac7c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_04.png deleted file mode 100644 index fe1635d5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_05.png deleted file mode 100644 index 9210ff036..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_06.png deleted file mode 100644 index 2f5fcca26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_07.png deleted file mode 100644 index 301314c19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_08.png deleted file mode 100644 index e4b380879..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_09.png deleted file mode 100644 index dc01599f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_10.png deleted file mode 100644 index a41cef3d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_11.png deleted file mode 100644 index c39e76670..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_12.png deleted file mode 100644 index 98b14e093..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_13.png deleted file mode 100644 index 90c0781f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_14.png deleted file mode 100644 index 3304679ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_15.png deleted file mode 100644 index 1f2fdc9f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_16.png deleted file mode 100644 index 90d3935b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_17.png deleted file mode 100644 index ef4dc9d23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_18.png deleted file mode 100644 index 94a51901d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_19.png deleted file mode 100644 index 4462c6831..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_20.png deleted file mode 100644 index fa612fe90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_01.png deleted file mode 100644 index 5726a99f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_02.png deleted file mode 100644 index 6d1d95eba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_03.png deleted file mode 100644 index 9b0689985..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_04.png deleted file mode 100644 index 1ff8091f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_05.png deleted file mode 100644 index a39e78188..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_06.png deleted file mode 100644 index 1fbd6bc3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_07.png deleted file mode 100644 index 1bdb76ba2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_08.png deleted file mode 100644 index 8bb491815..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_09.png deleted file mode 100644 index 0a49ca3a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_10.png deleted file mode 100644 index d977035d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_11.png deleted file mode 100644 index 033444341..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_12.png deleted file mode 100644 index 79f77123d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_13.png deleted file mode 100644 index 14e424454..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_14.png deleted file mode 100644 index dd0c3a7ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_15.png deleted file mode 100644 index f7aea1640..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_16.png deleted file mode 100644 index 7cecfddee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_17.png deleted file mode 100644 index 038879ed0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_18.png deleted file mode 100644 index bb42d7649..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_19.png deleted file mode 100644 index a0f4350d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_20.png deleted file mode 100644 index f20dc4d6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_01.png deleted file mode 100644 index 2d68a483a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_02.png deleted file mode 100644 index 0c8be44c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_03.png deleted file mode 100644 index a9543bd15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_04.png deleted file mode 100644 index f4db27055..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_05.png deleted file mode 100644 index 5b17a1c90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_06.png deleted file mode 100644 index 39888a20c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_07.png deleted file mode 100644 index 78c4f8925..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_08.png deleted file mode 100644 index 127056cf5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_09.png deleted file mode 100644 index 8b2fe4047..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_10.png deleted file mode 100644 index 293ac0eaa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_11.png deleted file mode 100644 index eeae0ee94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_12.png deleted file mode 100644 index 19ea213dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_13.png deleted file mode 100644 index 517d91ae4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_14.png deleted file mode 100644 index bc47c9dd4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_15.png deleted file mode 100644 index 72bebe51b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_16.png deleted file mode 100644 index 279cdfd97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_17.png deleted file mode 100644 index 780611d4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_18.png deleted file mode 100644 index f0d4c17fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_19.png deleted file mode 100644 index 52b87ac35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_20.png deleted file mode 100644 index f0b1d69cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_01.png deleted file mode 100644 index d551181a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_02.png deleted file mode 100644 index 8c10c5ed0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_03.png deleted file mode 100644 index 63cce889f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_04.png deleted file mode 100644 index 1c80bda0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_05.png deleted file mode 100644 index ccbcc5767..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_06.png deleted file mode 100644 index a71a298cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_07.png deleted file mode 100644 index cf368165c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_08.png deleted file mode 100644 index eea584905..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_09.png deleted file mode 100644 index 39d215e5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_10.png deleted file mode 100644 index b9766e8ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_11.png deleted file mode 100644 index 93be8bbdb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_12.png deleted file mode 100644 index 0bc12e690..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_13.png deleted file mode 100644 index 80e50b520..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_14.png deleted file mode 100644 index c91274774..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_15.png deleted file mode 100644 index cbd3b4826..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_16.png deleted file mode 100644 index 549a9c552..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_17.png deleted file mode 100644 index 15cf917fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_18.png deleted file mode 100644 index f5d244d2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_19.png deleted file mode 100644 index f91ab4302..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_20.png deleted file mode 100644 index 0056ee906..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_01.png deleted file mode 100644 index 46396f0ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_02.png deleted file mode 100644 index c1001a3e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_03.png deleted file mode 100644 index aede78c43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_04.png deleted file mode 100644 index 5c5e39536..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_05.png deleted file mode 100644 index 426e408c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_06.png deleted file mode 100644 index 742d39bf5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_07.png deleted file mode 100644 index ef85bbf4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_08.png deleted file mode 100644 index ea0073f2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_09.png deleted file mode 100644 index e02a4d185..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_10.png deleted file mode 100644 index ea83aa083..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_11.png deleted file mode 100644 index 427105192..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_12.png deleted file mode 100644 index 336e8cc10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_13.png deleted file mode 100644 index f1b336401..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_14.png deleted file mode 100644 index 490682a42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_15.png deleted file mode 100644 index 834c28b4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_16.png deleted file mode 100644 index c8c5aac50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_17.png deleted file mode 100644 index da9bc736c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_18.png deleted file mode 100644 index 56713c5d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_19.png deleted file mode 100644 index 256d3f0cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_20.png deleted file mode 100644 index 6dcb54163..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_01.png deleted file mode 100644 index caf2babd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_02.png deleted file mode 100644 index 05b178f47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_03.png deleted file mode 100644 index cf111a285..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_04.png deleted file mode 100644 index aef46e1b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_05.png deleted file mode 100644 index 79e756f93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_06.png deleted file mode 100644 index 5d83c0ece..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_07.png deleted file mode 100644 index 03ff9ab10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_08.png deleted file mode 100644 index 956c9ff67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_09.png deleted file mode 100644 index a9b26434d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_10.png deleted file mode 100644 index 3b54248db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_11.png deleted file mode 100644 index 72d318717..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_12.png deleted file mode 100644 index 856ceea1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_13.png deleted file mode 100644 index b1f5d702f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_14.png deleted file mode 100644 index e94f9bb9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_15.png deleted file mode 100644 index cb2a1c9d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_16.png deleted file mode 100644 index 3b1c7c5f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_17.png deleted file mode 100644 index dfc5a55c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_18.png deleted file mode 100644 index 0b2adb10d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_19.png deleted file mode 100644 index fb96dd7b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_20.png deleted file mode 100644 index ca9e1e45f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_01.png deleted file mode 100644 index 490e79661..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_02.png deleted file mode 100644 index 987967a90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_03.png deleted file mode 100644 index d589ee836..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_04.png deleted file mode 100644 index f75d7c426..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_05.png deleted file mode 100644 index 74c81e16b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_06.png deleted file mode 100644 index b367eb956..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_07.png deleted file mode 100644 index a6b08d979..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_08.png deleted file mode 100644 index 0b784be45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_09.png deleted file mode 100644 index e100f7dcb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_10.png deleted file mode 100644 index 0cbb39443..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_11.png deleted file mode 100644 index d185fc600..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_12.png deleted file mode 100644 index cd9d154e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_13.png deleted file mode 100644 index f1a519011..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_14.png deleted file mode 100644 index b05193125..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_15.png deleted file mode 100644 index 20bb4d7d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_16.png deleted file mode 100644 index fd5425089..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_17.png deleted file mode 100644 index a137f40c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_18.png deleted file mode 100644 index 8553c34ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_19.png deleted file mode 100644 index 15935d2d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_20.png deleted file mode 100644 index 30b799aaf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_01.png deleted file mode 100644 index 57880f701..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_02.png deleted file mode 100644 index de0dfb415..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_03.png deleted file mode 100644 index f01f2f72c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_04.png deleted file mode 100644 index 8ec38d2dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_05.png deleted file mode 100644 index e14dcf377..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_06.png deleted file mode 100644 index 9e71ed25f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_07.png deleted file mode 100644 index 57d353258..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_08.png deleted file mode 100644 index 9ae8d1a1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_09.png deleted file mode 100644 index 1d8631cee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_10.png deleted file mode 100644 index 226f7eb48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_11.png deleted file mode 100644 index cd742e9a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_12.png deleted file mode 100644 index 173224def..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_13.png deleted file mode 100644 index 8784966b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_14.png deleted file mode 100644 index a2fceacb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_15.png deleted file mode 100644 index 98047b1a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_16.png deleted file mode 100644 index dd158e910..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_17.png deleted file mode 100644 index 5c5cf9085..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_18.png deleted file mode 100644 index 2e0e61472..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_19.png deleted file mode 100644 index bea692d5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_20.png deleted file mode 100644 index fcdf56152..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_01.png deleted file mode 100644 index 006da497a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_02.png deleted file mode 100644 index 3be100a7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_03.png deleted file mode 100644 index 7c9e7055d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_04.png deleted file mode 100644 index 22181fe84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_05.png deleted file mode 100644 index 599480110..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_06.png deleted file mode 100644 index f6019b9b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_07.png deleted file mode 100644 index 6233cdea9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_08.png deleted file mode 100644 index 68938e5e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_09.png deleted file mode 100644 index 47da20a6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_10.png deleted file mode 100644 index 75667c865..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_11.png deleted file mode 100644 index 903906836..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_12.png deleted file mode 100644 index 79827de05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_13.png deleted file mode 100644 index 4dc8a1144..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_14.png deleted file mode 100644 index 36ff3c2b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_15.png deleted file mode 100644 index f0b687045..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_16.png deleted file mode 100644 index b4c94cb43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_17.png deleted file mode 100644 index 8d6a3271c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_18.png deleted file mode 100644 index 2f432214f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_19.png deleted file mode 100644 index 72db12658..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_20.png deleted file mode 100644 index a918109ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_01.png deleted file mode 100644 index bc58c42de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_02.png deleted file mode 100644 index 7c0d0ea50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_03.png deleted file mode 100644 index e56cd3795..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_04.png deleted file mode 100644 index d3637afae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_05.png deleted file mode 100644 index bf8a45453..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_06.png deleted file mode 100644 index ca02e6174..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_07.png deleted file mode 100644 index 5572d93de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_08.png deleted file mode 100644 index 896be02bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_09.png deleted file mode 100644 index d4e7bb493..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_10.png deleted file mode 100644 index dd31975e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_11.png deleted file mode 100644 index 11b3eccf7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_12.png deleted file mode 100644 index 99d5f9364..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_13.png deleted file mode 100644 index 80f88aa27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_14.png deleted file mode 100644 index 39848c1de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_15.png deleted file mode 100644 index dea67cb35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_16.png deleted file mode 100644 index 2fd53a9e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_17.png deleted file mode 100644 index d1db31a62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_18.png deleted file mode 100644 index 0fbeb8c5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_19.png deleted file mode 100644 index 5fd5455e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_20.png deleted file mode 100644 index 3b42effe6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_01.png deleted file mode 100644 index 11655161e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_02.png deleted file mode 100644 index e5595767f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_03.png deleted file mode 100644 index b6fb0172b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_04.png deleted file mode 100644 index 61f4f2f24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_05.png deleted file mode 100644 index 8e71ccf27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_06.png deleted file mode 100644 index d51879f11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_07.png deleted file mode 100644 index 410e89161..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_08.png deleted file mode 100644 index 3b1ac20dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_09.png deleted file mode 100644 index d5c494553..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_10.png deleted file mode 100644 index e896c0eea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_11.png deleted file mode 100644 index 71da3c609..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_12.png deleted file mode 100644 index 4e3ea2039..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_13.png deleted file mode 100644 index f8efd32d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_14.png deleted file mode 100644 index 509801a3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_15.png deleted file mode 100644 index 2f2e04ae5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_16.png deleted file mode 100644 index a4132d7fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_17.png deleted file mode 100644 index 02645ff8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_18.png deleted file mode 100644 index 4bfeff37a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_19.png deleted file mode 100644 index 79f9b0d9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_20.png deleted file mode 100644 index 97a112c6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_01.png deleted file mode 100644 index ad3102b46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_02.png deleted file mode 100644 index 7f690746a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_03.png deleted file mode 100644 index 56886446e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_04.png deleted file mode 100644 index 4d5e65a94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_05.png deleted file mode 100644 index 3dbe0b9c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_06.png deleted file mode 100644 index 3735027dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_07.png deleted file mode 100644 index 6b6892fd1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_08.png deleted file mode 100644 index 13aac5b87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_09.png deleted file mode 100644 index 6e702951d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_10.png deleted file mode 100644 index f6e53877b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_11.png deleted file mode 100644 index 173935fd2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_12.png deleted file mode 100644 index 63e5407ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_13.png deleted file mode 100644 index 6eb44d795..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_14.png deleted file mode 100644 index 47f1906f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_15.png deleted file mode 100644 index 38ea9cf64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_16.png deleted file mode 100644 index 611fd7987..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_17.png deleted file mode 100644 index 6a0acf4a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_18.png deleted file mode 100644 index 320ed71b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_19.png deleted file mode 100644 index b6637826d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_20.png deleted file mode 100644 index 165453c8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_01.png deleted file mode 100644 index aaf17a9d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_02.png deleted file mode 100644 index d49023a4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_03.png deleted file mode 100644 index 994e0528a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_04.png deleted file mode 100644 index b5de35865..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_05.png deleted file mode 100644 index 27a75f206..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_06.png deleted file mode 100644 index 67adb79dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_07.png deleted file mode 100644 index c7d4dc2e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_08.png deleted file mode 100644 index 011b28aba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_09.png deleted file mode 100644 index 990e65b05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_10.png deleted file mode 100644 index 70eda1275..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_11.png deleted file mode 100644 index 80839d1b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_12.png deleted file mode 100644 index e27498f9d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_13.png deleted file mode 100644 index 4fd129c73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_14.png deleted file mode 100644 index 308b9f8af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_15.png deleted file mode 100644 index f9e80ce62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_16.png deleted file mode 100644 index 215b608ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_17.png deleted file mode 100644 index 50a64336d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_18.png deleted file mode 100644 index d8bc4f9a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_19.png deleted file mode 100644 index 7ba19b7f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_20.png deleted file mode 100644 index f43ca10f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_01.png deleted file mode 100644 index c3b436b09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_02.png deleted file mode 100644 index 37b88d94a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_03.png deleted file mode 100644 index c2ed0d203..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_04.png deleted file mode 100644 index 2a669cf61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_05.png deleted file mode 100644 index 44c41d593..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_06.png deleted file mode 100644 index 8af86264a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_07.png deleted file mode 100644 index 63819b0fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_08.png deleted file mode 100644 index 161be6c55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_09.png deleted file mode 100644 index 92183be21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_10.png deleted file mode 100644 index df2154c9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_11.png deleted file mode 100644 index 8542925fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_12.png deleted file mode 100644 index 1e6c44226..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_13.png deleted file mode 100644 index 08695350a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_14.png deleted file mode 100644 index 50035531a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_15.png deleted file mode 100644 index abd1148d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_16.png deleted file mode 100644 index 31b053d7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_17.png deleted file mode 100644 index 5d1b5df97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_18.png deleted file mode 100644 index 2aab6ea3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_19.png deleted file mode 100644 index 4a5635591..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_20.png deleted file mode 100644 index 7f10b9c08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_01.png deleted file mode 100644 index 3d1059b41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_02.png deleted file mode 100644 index 73f093e8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_03.png deleted file mode 100644 index 448722c20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_04.png deleted file mode 100644 index 42d1cb0d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_05.png deleted file mode 100644 index 9f5f7479e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_06.png deleted file mode 100644 index 2e755d221..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_07.png deleted file mode 100644 index e20a5116c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_08.png deleted file mode 100644 index 70ec08d0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_09.png deleted file mode 100644 index 68f1e835c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_10.png deleted file mode 100644 index 54e97b535..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_11.png deleted file mode 100644 index f50c32861..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_12.png deleted file mode 100644 index b5e57429c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_13.png deleted file mode 100644 index bdf99911d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_14.png deleted file mode 100644 index 20776c9a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_15.png deleted file mode 100644 index a4ef24bf9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_16.png deleted file mode 100644 index 87281a9fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_17.png deleted file mode 100644 index 29dbd13d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_18.png deleted file mode 100644 index 9e27adc67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_19.png deleted file mode 100644 index 31fd74c8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_20.png deleted file mode 100644 index b733fd519..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_01.png deleted file mode 100644 index c729e8d03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_02.png deleted file mode 100644 index 87d2b8999..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_03.png deleted file mode 100644 index 1f9feb256..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_04.png deleted file mode 100644 index eb7438a7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_05.png deleted file mode 100644 index 9ebb00b9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_06.png deleted file mode 100644 index 48fe90851..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_07.png deleted file mode 100644 index ee21776d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_08.png deleted file mode 100644 index dbed404f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_09.png deleted file mode 100644 index 7e98c939b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_10.png deleted file mode 100644 index c1d4bdccd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_11.png deleted file mode 100644 index 86c48e17d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_12.png deleted file mode 100644 index ffa620ace..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_13.png deleted file mode 100644 index ee7fa9bf1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_14.png deleted file mode 100644 index 15ca1ba8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_15.png deleted file mode 100644 index 533a4abd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_16.png deleted file mode 100644 index 6fd1f780f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_17.png deleted file mode 100644 index b0057d5f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_18.png deleted file mode 100644 index 2b5ed3e82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_19.png deleted file mode 100644 index 601999c90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_20.png deleted file mode 100644 index 82bab9a9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_01.png deleted file mode 100644 index 224b7a143..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_02.png deleted file mode 100644 index e40feb2f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_03.png deleted file mode 100644 index a951d8a8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_04.png deleted file mode 100644 index 1d711e1bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_05.png deleted file mode 100644 index 1927d571b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_06.png deleted file mode 100644 index dcf66250f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_07.png deleted file mode 100644 index 69ed31051..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_08.png deleted file mode 100644 index b028ccc47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_09.png deleted file mode 100644 index 0e1979999..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_10.png deleted file mode 100644 index 98125ba2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_11.png deleted file mode 100644 index 4740a082e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_12.png deleted file mode 100644 index 27e2b718c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_13.png deleted file mode 100644 index ebc6b3bc7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_14.png deleted file mode 100644 index 3b55e1053..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_15.png deleted file mode 100644 index d4b2e0dff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_16.png deleted file mode 100644 index 2a6a12ea3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_17.png deleted file mode 100644 index a1778363b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_18.png deleted file mode 100644 index cf3c04348..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_19.png deleted file mode 100644 index 2f2d55412..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_20.png deleted file mode 100644 index 521f676ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_01.png deleted file mode 100644 index 23eb3a029..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_02.png deleted file mode 100644 index 2f2965b97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_03.png deleted file mode 100644 index c45ff7590..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_04.png deleted file mode 100644 index 8dd409c44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_05.png deleted file mode 100644 index 7e45410a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_06.png deleted file mode 100644 index fd79a1f87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_07.png deleted file mode 100644 index 2d9a9b44e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_08.png deleted file mode 100644 index 65fcea148..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_09.png deleted file mode 100644 index 49f58eb47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_10.png deleted file mode 100644 index 6a488c672..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_11.png deleted file mode 100644 index e604b3c90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_12.png deleted file mode 100644 index 53e6c16af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_13.png deleted file mode 100644 index 435d2e142..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_14.png deleted file mode 100644 index 01fef7062..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_15.png deleted file mode 100644 index 2dd23fb72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_16.png deleted file mode 100644 index 83dd3e498..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_17.png deleted file mode 100644 index 513da9bdb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_18.png deleted file mode 100644 index 119eb21c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_19.png deleted file mode 100644 index f56d4a571..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_20.png deleted file mode 100644 index cabb4708d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_01.png deleted file mode 100644 index 112881e93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_02.png deleted file mode 100644 index 590a78555..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_03.png deleted file mode 100644 index 163979811..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_04.png deleted file mode 100644 index 1c38e406b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_05.png deleted file mode 100644 index 8613237f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_06.png deleted file mode 100644 index 30d9400c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_07.png deleted file mode 100644 index 226f3f08a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_08.png deleted file mode 100644 index 8d1997378..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_09.png deleted file mode 100644 index 1981b3d2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_10.png deleted file mode 100644 index f1c3949d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_11.png deleted file mode 100644 index 2ae78b7b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_12.png deleted file mode 100644 index a877f063a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_13.png deleted file mode 100644 index 2635abfaa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_14.png deleted file mode 100644 index 2935f3c8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_15.png deleted file mode 100644 index be6f9e4d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_16.png deleted file mode 100644 index c0f922b62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_17.png deleted file mode 100644 index fd4ffe0fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_18.png deleted file mode 100644 index b520a6d9d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_19.png deleted file mode 100644 index 12601d251..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_20.png deleted file mode 100644 index 422c01953..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character01/0001_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_01.png deleted file mode 100644 index 1d15b9660..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_02.png deleted file mode 100644 index c9be2369b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_03.png deleted file mode 100644 index d7a059527..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_04.png deleted file mode 100644 index 93da071c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_05.png deleted file mode 100644 index f047ff553..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_06.png deleted file mode 100644 index 9205edcbc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_07.png deleted file mode 100644 index b25baa38d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_08.png deleted file mode 100644 index d8aca0364..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_09.png deleted file mode 100644 index 808d4060e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_10.png deleted file mode 100644 index 2a5d202ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_11.png deleted file mode 100644 index 5335cd90a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_12.png deleted file mode 100644 index ec3dc5c15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_13.png deleted file mode 100644 index e43d4fff6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_14.png deleted file mode 100644 index fd4bbfa16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_15.png deleted file mode 100644 index 3a2b1ef80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_16.png deleted file mode 100644 index 1138eaf30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_17.png deleted file mode 100644 index c977a3c4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_18.png deleted file mode 100644 index 8eb5d8bba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_19.png deleted file mode 100644 index a71cdbbd4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_20.png deleted file mode 100644 index 6f7976154..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character02/0002_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_01.png deleted file mode 100644 index af0297d56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_02.png deleted file mode 100644 index c81f0ed24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_03.png deleted file mode 100644 index 3d700f55d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_04.png deleted file mode 100644 index dd6f66102..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_05.png deleted file mode 100644 index a6116d167..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_06.png deleted file mode 100644 index c110a0e62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_07.png deleted file mode 100644 index 101448b7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_08.png deleted file mode 100644 index 926029269..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_09.png deleted file mode 100644 index 1f5c2a06f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_10.png deleted file mode 100644 index a99251436..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_11.png deleted file mode 100644 index 7a424e778..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_12.png deleted file mode 100644 index 5df256124..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_13.png deleted file mode 100644 index 1711a43f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_14.png deleted file mode 100644 index ad815440c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_15.png deleted file mode 100644 index 655abc9a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_16.png deleted file mode 100644 index 8d5b9968a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_17.png deleted file mode 100644 index 1fd9d6c8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_18.png deleted file mode 100644 index a620be791..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_19.png deleted file mode 100644 index c0ddd0f5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_20.png deleted file mode 100644 index a78a6589e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character03/0003_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_01.png deleted file mode 100644 index fbad3b200..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_02.png deleted file mode 100644 index c79d36d57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_03.png deleted file mode 100644 index c5db4321d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_04.png deleted file mode 100644 index f641bf941..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_05.png deleted file mode 100644 index e239d9f3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_06.png deleted file mode 100644 index 4c2328eb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_07.png deleted file mode 100644 index a97644879..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_08.png deleted file mode 100644 index 642045ee1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_09.png deleted file mode 100644 index a2b243b07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_10.png deleted file mode 100644 index 83bda0326..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_11.png deleted file mode 100644 index d0c8f9d5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_12.png deleted file mode 100644 index 99d9b63d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_13.png deleted file mode 100644 index 52368b764..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_14.png deleted file mode 100644 index 21509d4dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_15.png deleted file mode 100644 index c99afe99d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_16.png deleted file mode 100644 index 7410a8e98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_17.png deleted file mode 100644 index 3414a7cb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_18.png deleted file mode 100644 index 7ae1907d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_19.png deleted file mode 100644 index 1c9d8bfff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_20.png deleted file mode 100644 index 07d70675b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character04/0004_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_01.png deleted file mode 100644 index 20df799c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_02.png deleted file mode 100644 index ce17faf0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_03.png deleted file mode 100644 index 6ddd9d27b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_04.png deleted file mode 100644 index 3516a0395..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_05.png deleted file mode 100644 index 2cf6e8a29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_06.png deleted file mode 100644 index b81299c8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_07.png deleted file mode 100644 index d823146ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_08.png deleted file mode 100644 index 5ca6de030..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_09.png deleted file mode 100644 index 4c69bd05d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_10.png deleted file mode 100644 index f81e8a169..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_11.png deleted file mode 100644 index a9c59bfc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_12.png deleted file mode 100644 index df776e000..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_13.png deleted file mode 100644 index 59c6c3a5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_14.png deleted file mode 100644 index 8d6b5256b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_15.png deleted file mode 100644 index 3f7ee3683..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_16.png deleted file mode 100644 index 2437e73a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_17.png deleted file mode 100644 index 26a392ce9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_18.png deleted file mode 100644 index 1e3e80844..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_19.png deleted file mode 100644 index 24a589ba0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_20.png deleted file mode 100644 index e564a9bc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character05/0005_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_01.png deleted file mode 100644 index e8429224d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_02.png deleted file mode 100644 index bf48ef053..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_03.png deleted file mode 100644 index 79e32b67d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_04.png deleted file mode 100644 index 8a34797cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_05.png deleted file mode 100644 index 935d7d881..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_06.png deleted file mode 100644 index c7f107720..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_07.png deleted file mode 100644 index fc3677170..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_08.png deleted file mode 100644 index e7c7ebf76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_09.png deleted file mode 100644 index e382339bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_10.png deleted file mode 100644 index d1ee90369..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_11.png deleted file mode 100644 index ce76ff727..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_12.png deleted file mode 100644 index 19108ce72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_13.png deleted file mode 100644 index cdaa047ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_14.png deleted file mode 100644 index ca2a9ebd4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_15.png deleted file mode 100644 index 0902c25b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_16.png deleted file mode 100644 index 57ea6af2e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_17.png deleted file mode 100644 index fa2a451aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_18.png deleted file mode 100644 index 1497a49c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_19.png deleted file mode 100644 index eb463823b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_20.png deleted file mode 100644 index abea1b02e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character06/0006_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_01.png deleted file mode 100644 index 685d80036..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_02.png deleted file mode 100644 index 628f3953b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_03.png deleted file mode 100644 index 7aba5eaff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_04.png deleted file mode 100644 index 5a768009c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_05.png deleted file mode 100644 index 65ce30342..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_06.png deleted file mode 100644 index 0fb27dc4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_07.png deleted file mode 100644 index 2d6889d26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_08.png deleted file mode 100644 index 69f3d1572..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_09.png deleted file mode 100644 index aa367ab7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_10.png deleted file mode 100644 index d42cd4a83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_11.png deleted file mode 100644 index 5c9d9f0c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_12.png deleted file mode 100644 index de9f0bb79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_13.png deleted file mode 100644 index 6bf660e88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_14.png deleted file mode 100644 index 67cbea0e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_15.png deleted file mode 100644 index 53e3ea025..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_16.png deleted file mode 100644 index 4360df758..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_17.png deleted file mode 100644 index 82e1002e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_18.png deleted file mode 100644 index a274cca18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_19.png deleted file mode 100644 index e2ece3a18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_20.png deleted file mode 100644 index 5febc96b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character07/0007_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_01.png deleted file mode 100644 index 41db1c177..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_02.png deleted file mode 100644 index 97c842894..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_03.png deleted file mode 100644 index 4bcbc747a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_04.png deleted file mode 100644 index 4e4c7ee33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_05.png deleted file mode 100644 index 4c1ceb667..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_06.png deleted file mode 100644 index cd63fcee1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_07.png deleted file mode 100644 index f43e59908..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_08.png deleted file mode 100644 index 2922f3595..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_09.png deleted file mode 100644 index e7b14fd89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_10.png deleted file mode 100644 index 1064fa464..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_11.png deleted file mode 100644 index afe080416..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_12.png deleted file mode 100644 index b76cd5e12..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_13.png deleted file mode 100644 index 37e5932cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_14.png deleted file mode 100644 index bd7fd7ec7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_15.png deleted file mode 100644 index 6a0959461..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_16.png deleted file mode 100644 index d723be4fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_17.png deleted file mode 100644 index 9cd349b95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_18.png deleted file mode 100644 index 8b1ffd1aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_19.png deleted file mode 100644 index a7fafd1bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_20.png deleted file mode 100644 index 73b71838f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character08/0008_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_01.png deleted file mode 100644 index 297972668..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_02.png deleted file mode 100644 index 9eff827ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_03.png deleted file mode 100644 index 4fab2d170..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_04.png deleted file mode 100644 index ff03b86de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_05.png deleted file mode 100644 index e3461c86e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_06.png deleted file mode 100644 index fba60c817..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_07.png deleted file mode 100644 index 162cbb94a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_08.png deleted file mode 100644 index 86baacdb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_09.png deleted file mode 100644 index 7ae1522d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_10.png deleted file mode 100644 index 095e69639..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_11.png deleted file mode 100644 index e15170b90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_12.png deleted file mode 100644 index 6a85b1330..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_13.png deleted file mode 100644 index 3fe8886bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_14.png deleted file mode 100644 index 0f4c26eab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_15.png deleted file mode 100644 index b33452351..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_16.png deleted file mode 100644 index 5b3459ccc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_17.png deleted file mode 100644 index 3fef76290..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_18.png deleted file mode 100644 index 0c904c757..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_19.png deleted file mode 100644 index d513d7eff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_20.png deleted file mode 100644 index 42c83d3c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character09/0009_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_01.png deleted file mode 100644 index b55cbb6c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_02.png deleted file mode 100644 index 4f4ac49ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_03.png deleted file mode 100644 index 4bb8147a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_04.png deleted file mode 100644 index 2bd3e89a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_05.png deleted file mode 100644 index 2504cbca6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_06.png deleted file mode 100644 index fda751295..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_07.png deleted file mode 100644 index 384faf4ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_08.png deleted file mode 100644 index 280dcf338..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_09.png deleted file mode 100644 index 6cdb406d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_10.png deleted file mode 100644 index 771952186..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_11.png deleted file mode 100644 index a3e94d783..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_12.png deleted file mode 100644 index 2a338c8b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_13.png deleted file mode 100644 index e803eefd4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_14.png deleted file mode 100644 index 9ac31a0f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_15.png deleted file mode 100644 index e0afefbcd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_16.png deleted file mode 100644 index 477502fcb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_17.png deleted file mode 100644 index ea79e3f33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_18.png deleted file mode 100644 index c17a1b71b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_19.png deleted file mode 100644 index 790273c0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_20.png deleted file mode 100644 index 2c89cd03d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character10/0010_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_01.png deleted file mode 100644 index aa542645e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_02.png deleted file mode 100644 index 25e8fbaf9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_03.png deleted file mode 100644 index ddcfe2e86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_04.png deleted file mode 100644 index f850e4115..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_05.png deleted file mode 100644 index c980e6a01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_06.png deleted file mode 100644 index 1c11e63dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_07.png deleted file mode 100644 index e6d90bcb8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_08.png deleted file mode 100644 index dd04631e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_09.png deleted file mode 100644 index 5ed381af6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_10.png deleted file mode 100644 index 90e7b5b3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_11.png deleted file mode 100644 index e89a7aad1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_12.png deleted file mode 100644 index c1739d2dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_13.png deleted file mode 100644 index 4dfb3b811..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_14.png deleted file mode 100644 index 0231a2d60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_15.png deleted file mode 100644 index 96029c323..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_16.png deleted file mode 100644 index ce5197fa8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_17.png deleted file mode 100644 index 57eb7b8ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_18.png deleted file mode 100644 index eed94ab87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_19.png deleted file mode 100644 index a6a1cd556..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_20.png deleted file mode 100644 index afedf7a09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character11/0011_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_01.png deleted file mode 100644 index 8638ed745..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_02.png deleted file mode 100644 index 366898eee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_03.png deleted file mode 100644 index 4658457e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_04.png deleted file mode 100644 index 97aea9b86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_05.png deleted file mode 100644 index 16ba96220..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_06.png deleted file mode 100644 index 5f4c85664..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_07.png deleted file mode 100644 index 3f9dac9c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_08.png deleted file mode 100644 index 349d6ade5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_09.png deleted file mode 100644 index 06f1e585a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_10.png deleted file mode 100644 index d85831cc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_11.png deleted file mode 100644 index 88d585113..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_12.png deleted file mode 100644 index 0890c5c0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_13.png deleted file mode 100644 index 910a4ed86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_14.png deleted file mode 100644 index 60811468f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_15.png deleted file mode 100644 index 04dfccdbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_16.png deleted file mode 100644 index 7d2b7b2fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_17.png deleted file mode 100644 index a3671e5d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_18.png deleted file mode 100644 index 1d561beef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_19.png deleted file mode 100644 index e6d4a8576..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_20.png deleted file mode 100644 index 3cfefcb65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character12/0012_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_01.png deleted file mode 100644 index a4f7d4458..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_02.png deleted file mode 100644 index aa094fcea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_03.png deleted file mode 100644 index 59177bb17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_04.png deleted file mode 100644 index 45672003b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_05.png deleted file mode 100644 index f1c2af478..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_06.png deleted file mode 100644 index 54ff06d9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_07.png deleted file mode 100644 index 5bfcc06c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_08.png deleted file mode 100644 index 37975626a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_09.png deleted file mode 100644 index fa2b12252..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_10.png deleted file mode 100644 index ed187cf88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_11.png deleted file mode 100644 index 3ffa71ee6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_12.png deleted file mode 100644 index 0bcda4cd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_13.png deleted file mode 100644 index 268f97747..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_14.png deleted file mode 100644 index 2d8670992..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_15.png deleted file mode 100644 index 0a4dc8901..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_16.png deleted file mode 100644 index 1ef9a5a0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_17.png deleted file mode 100644 index b5d3bc222..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_18.png deleted file mode 100644 index 7c93f2f66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_19.png deleted file mode 100644 index b5ce897b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_20.png deleted file mode 100644 index de9a03aa2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character13/0013_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_01.png deleted file mode 100644 index 48dc1e39a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_02.png deleted file mode 100644 index 1e4fc7160..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_03.png deleted file mode 100644 index 08abf8deb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_04.png deleted file mode 100644 index 9c107664d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_05.png deleted file mode 100644 index 4ab936c8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_06.png deleted file mode 100644 index 7f96c3c1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_07.png deleted file mode 100644 index 6ead75b57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_08.png deleted file mode 100644 index 25266355c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_09.png deleted file mode 100644 index af50dc53f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_10.png deleted file mode 100644 index a44ac0fc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_11.png deleted file mode 100644 index 6cbe8a8be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_12.png deleted file mode 100644 index 6766a6c50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_13.png deleted file mode 100644 index 172e96c31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_14.png deleted file mode 100644 index fc98b6e9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_15.png deleted file mode 100644 index 57fc6021f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_16.png deleted file mode 100644 index 232ba8749..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_17.png deleted file mode 100644 index be357923d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_18.png deleted file mode 100644 index 5238a0761..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_19.png deleted file mode 100644 index e87f8577f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_20.png deleted file mode 100644 index d15499e38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character14/0014_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_01.png deleted file mode 100644 index a836fbcb7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_02.png deleted file mode 100644 index 1ea09d937..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_03.png deleted file mode 100644 index 838d56118..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_04.png deleted file mode 100644 index 3b0052543..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_05.png deleted file mode 100644 index 1a86f35f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_06.png deleted file mode 100644 index 13905cf48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_07.png deleted file mode 100644 index 193d76c76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_08.png deleted file mode 100644 index 4fd802ab3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_09.png deleted file mode 100644 index 06df6fbf3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_10.png deleted file mode 100644 index d56d300f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_11.png deleted file mode 100644 index cce65c9df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_12.png deleted file mode 100644 index bfca7b550..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_13.png deleted file mode 100644 index 3ce03ff8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_14.png deleted file mode 100644 index 2bb636849..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_15.png deleted file mode 100644 index 276a4e235..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_16.png deleted file mode 100644 index acebd678b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_17.png deleted file mode 100644 index 421c2245d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_18.png deleted file mode 100644 index e22aa2d3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_19.png deleted file mode 100644 index 5bc902013..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_20.png deleted file mode 100644 index a97a947c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character15/0015_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_01.png deleted file mode 100644 index 58de1a709..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_02.png deleted file mode 100644 index 7fd42380c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_03.png deleted file mode 100644 index 2d01f9193..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_04.png deleted file mode 100644 index 8ffd5c1f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_05.png deleted file mode 100644 index a573992f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_06.png deleted file mode 100644 index 6bdbe93d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_07.png deleted file mode 100644 index 0004435b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_08.png deleted file mode 100644 index 02568894e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_09.png deleted file mode 100644 index 6478139ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_10.png deleted file mode 100644 index 03e5a6f0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_11.png deleted file mode 100644 index 945fdf0e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_12.png deleted file mode 100644 index d167a81bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_13.png deleted file mode 100644 index 2ba6dd507..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_14.png deleted file mode 100644 index ad77a49a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_15.png deleted file mode 100644 index d5221516b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_16.png deleted file mode 100644 index 67238d524..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_17.png deleted file mode 100644 index 7aaac2801..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_18.png deleted file mode 100644 index 6dc818d6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_19.png deleted file mode 100644 index 90bae2b55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_20.png deleted file mode 100644 index 4d0c89662..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character16/0016_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_01.png deleted file mode 100644 index 0e07f420d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_02.png deleted file mode 100644 index 051d0fd97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_03.png deleted file mode 100644 index 2310f05c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_04.png deleted file mode 100644 index b3d945bf8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_05.png deleted file mode 100644 index 9263c29c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_06.png deleted file mode 100644 index f422f7c10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_07.png deleted file mode 100644 index 09914d674..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_08.png deleted file mode 100644 index 4cc5350e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_09.png deleted file mode 100644 index 72626e43b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_10.png deleted file mode 100644 index a0687ef54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_11.png deleted file mode 100644 index b9c9b4ed6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_12.png deleted file mode 100644 index 30aa57cd5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_13.png deleted file mode 100644 index 9ac4877f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_14.png deleted file mode 100644 index 4aa89379c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_15.png deleted file mode 100644 index a0450c694..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_16.png deleted file mode 100644 index 9c31e6f5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_17.png deleted file mode 100644 index 30742d424..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_18.png deleted file mode 100644 index e63b62c17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_19.png deleted file mode 100644 index 6891a41cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_20.png deleted file mode 100644 index 5420bb29d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character17/0017_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_01.png deleted file mode 100644 index 1944814c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_02.png deleted file mode 100644 index 349c56477..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_03.png deleted file mode 100644 index 51c842c3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_04.png deleted file mode 100644 index 48a1be9da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_05.png deleted file mode 100644 index 5a4050eb1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_06.png deleted file mode 100644 index 923d78638..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_07.png deleted file mode 100644 index 469a1066f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_08.png deleted file mode 100644 index 07206dc8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_09.png deleted file mode 100644 index afb791716..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_10.png deleted file mode 100644 index f5d652418..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_11.png deleted file mode 100644 index 649f6aec7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_12.png deleted file mode 100644 index 85e398f62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_13.png deleted file mode 100644 index 6ff80edf0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_14.png deleted file mode 100644 index a69988b67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_15.png deleted file mode 100644 index 05c9d230d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_16.png deleted file mode 100644 index 01a8d32fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_17.png deleted file mode 100644 index b15e8df5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_18.png deleted file mode 100644 index 85ec5edf6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_19.png deleted file mode 100644 index f1386456b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_20.png deleted file mode 100644 index 3d6141b55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character18/0018_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_01.png deleted file mode 100644 index 2f3ff8d2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_02.png deleted file mode 100644 index acba6e732..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_03.png deleted file mode 100644 index ad59df755..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_04.png deleted file mode 100644 index 16b527a93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_05.png deleted file mode 100644 index 14c707d02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_06.png deleted file mode 100644 index 964d1ae82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_07.png deleted file mode 100644 index f8e72f524..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_08.png deleted file mode 100644 index 77cd64ebd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_09.png deleted file mode 100644 index cfe53b783..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_10.png deleted file mode 100644 index 73756eb0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_11.png deleted file mode 100644 index 191fb8720..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_12.png deleted file mode 100644 index b5122951f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_13.png deleted file mode 100644 index 7a942de65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_14.png deleted file mode 100644 index 414d9dca6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_15.png deleted file mode 100644 index debe206f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_16.png deleted file mode 100644 index 1c67514f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_17.png deleted file mode 100644 index 3c998f6eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_18.png deleted file mode 100644 index e56ee3157..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_19.png deleted file mode 100644 index 5b6a2d5fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_20.png deleted file mode 100644 index 1a67d5938..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character19/0019_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_01.png deleted file mode 100644 index b73dda5dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_02.png deleted file mode 100644 index fbb0c666e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_03.png deleted file mode 100644 index ecb422fa8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_04.png deleted file mode 100644 index a614796cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_05.png deleted file mode 100644 index fcfc7d2d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_06.png deleted file mode 100644 index 11609f065..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_07.png deleted file mode 100644 index 772f2957f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_08.png deleted file mode 100644 index ce150afdf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_09.png deleted file mode 100644 index acc2a7a89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_10.png deleted file mode 100644 index 7deac4af9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_11.png deleted file mode 100644 index ffe50db37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_12.png deleted file mode 100644 index 03ef676ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_13.png deleted file mode 100644 index 9e4d4f781..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_14.png deleted file mode 100644 index a31416ad9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_15.png deleted file mode 100644 index 7accb4ff4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_16.png deleted file mode 100644 index e20988b8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_17.png deleted file mode 100644 index 85dc6b30f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_18.png deleted file mode 100644 index f6f81454b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_19.png deleted file mode 100644 index 79fc50ccf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_20.png deleted file mode 100644 index 2bf45f50a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character20/0020_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_01.png deleted file mode 100644 index 647c6a6e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_02.png deleted file mode 100644 index df97fa6dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_03.png deleted file mode 100644 index 87127631e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_04.png deleted file mode 100644 index 5a1651de1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_05.png deleted file mode 100644 index 65cbd6469..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_06.png deleted file mode 100644 index c0f53b838..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_07.png deleted file mode 100644 index 4cec14e8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_08.png deleted file mode 100644 index c21b88d36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_09.png deleted file mode 100644 index 04341193f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_10.png deleted file mode 100644 index 942f0e125..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_11.png deleted file mode 100644 index 419769c3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_12.png deleted file mode 100644 index f81036c4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_13.png deleted file mode 100644 index a53c217c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_14.png deleted file mode 100644 index 4d7676439..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_15.png deleted file mode 100644 index c4e5a417d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_16.png deleted file mode 100644 index 1f8580f6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_17.png deleted file mode 100644 index e6132f194..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_18.png deleted file mode 100644 index f68e9683e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_19.png deleted file mode 100644 index 3eb5c2598..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_20.png deleted file mode 100644 index 774d8d994..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character21/0021_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_01.png deleted file mode 100644 index ad49f5801..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_02.png deleted file mode 100644 index 01a14fc02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_03.png deleted file mode 100644 index 5e3bfaf03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_04.png deleted file mode 100644 index eee4f07c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_05.png deleted file mode 100644 index 456252a78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_06.png deleted file mode 100644 index 306077a1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_07.png deleted file mode 100644 index a899e9460..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_08.png deleted file mode 100644 index 94b2ef6c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_09.png deleted file mode 100644 index 3965fb247..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_10.png deleted file mode 100644 index e5ae31da4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_11.png deleted file mode 100644 index 1309ecf56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_12.png deleted file mode 100644 index dc2611d4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_13.png deleted file mode 100644 index 38d0faad8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_14.png deleted file mode 100644 index e8abf4e52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_15.png deleted file mode 100644 index 83043f225..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_16.png deleted file mode 100644 index 283b46dbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_17.png deleted file mode 100644 index 4d46007ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_18.png deleted file mode 100644 index 7c9b85704..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_19.png deleted file mode 100644 index d9cc4efc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_20.png deleted file mode 100644 index e270a96aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character22/0022_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_01.png deleted file mode 100644 index 5f98166b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_02.png deleted file mode 100644 index 1109d83a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_03.png deleted file mode 100644 index 1e27e9c3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_04.png deleted file mode 100644 index bdff3a05c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_05.png deleted file mode 100644 index e6445ae9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_06.png deleted file mode 100644 index 7ca1582f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_07.png deleted file mode 100644 index a80536bfc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_08.png deleted file mode 100644 index 21bd649b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_09.png deleted file mode 100644 index 0a7516548..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_10.png deleted file mode 100644 index 23b40fc90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_11.png deleted file mode 100644 index d6aeb6a75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_12.png deleted file mode 100644 index 4039eaa71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_13.png deleted file mode 100644 index 0531b0f3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_14.png deleted file mode 100644 index b2ddb5db6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_15.png deleted file mode 100644 index 2e235424e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_16.png deleted file mode 100644 index a9e6d1040..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_17.png deleted file mode 100644 index 507a26b25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_18.png deleted file mode 100644 index f98021407..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_19.png deleted file mode 100644 index e3771df62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_20.png deleted file mode 100644 index a736806b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character23/0023_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_01.png deleted file mode 100644 index 84f44460e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_02.png deleted file mode 100644 index e8e9e4b4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_03.png deleted file mode 100644 index 69e261663..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_04.png deleted file mode 100644 index 00587a0d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_05.png deleted file mode 100644 index 62aae6b59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_06.png deleted file mode 100644 index 9f13d94e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_07.png deleted file mode 100644 index 905957051..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_08.png deleted file mode 100644 index 600466745..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_09.png deleted file mode 100644 index 6b95b59de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_10.png deleted file mode 100644 index ba5489f3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_11.png deleted file mode 100644 index 7042bba28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_12.png deleted file mode 100644 index 2faf08fb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_13.png deleted file mode 100644 index 06bbeb180..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_14.png deleted file mode 100644 index af6c244a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_15.png deleted file mode 100644 index 0ff9b8d02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_16.png deleted file mode 100644 index 7e4185c0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_17.png deleted file mode 100644 index 1d8ccd491..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_18.png deleted file mode 100644 index f355c37e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_19.png deleted file mode 100644 index e0db0b2f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_20.png deleted file mode 100644 index acdb87e3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character24/0024_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_01.png deleted file mode 100644 index 02fc9ba96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_02.png deleted file mode 100644 index c933c7479..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_03.png deleted file mode 100644 index 9cb0477b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_04.png deleted file mode 100644 index 1e6397955..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_05.png deleted file mode 100644 index f4be66b59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_06.png deleted file mode 100644 index a7a020e36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_07.png deleted file mode 100644 index 3e5a5342e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_08.png deleted file mode 100644 index 2b4d3f07e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_09.png deleted file mode 100644 index 626109037..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_10.png deleted file mode 100644 index 5fbdcf8ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_11.png deleted file mode 100644 index 6c6c4d289..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_12.png deleted file mode 100644 index adf7303d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_13.png deleted file mode 100644 index 46b78c985..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_14.png deleted file mode 100644 index b52a53c88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_15.png deleted file mode 100644 index 324e22a30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_16.png deleted file mode 100644 index cb36d012c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_17.png deleted file mode 100644 index e945309bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_18.png deleted file mode 100644 index 9dec0374a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_19.png deleted file mode 100644 index 6c7a14435..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_20.png deleted file mode 100644 index 32d398b82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character25/0025_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_01.png deleted file mode 100644 index 6c55d2aa5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_02.png deleted file mode 100644 index 750c71991..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_03.png deleted file mode 100644 index 05ef4c559..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_04.png deleted file mode 100644 index 0e96a911d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_05.png deleted file mode 100644 index 59da27a7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_06.png deleted file mode 100644 index b5ee9fb2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_07.png deleted file mode 100644 index d5cd4aefb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_08.png deleted file mode 100644 index 8861df69d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_09.png deleted file mode 100644 index d5093a354..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_10.png deleted file mode 100644 index cc4802083..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_11.png deleted file mode 100644 index a96301137..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_12.png deleted file mode 100644 index 9e56eda9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_13.png deleted file mode 100644 index bf2ec5fe6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_14.png deleted file mode 100644 index 755b94768..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_15.png deleted file mode 100644 index eb710ce23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_16.png deleted file mode 100644 index 8abdd70b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_17.png deleted file mode 100644 index 9ffd4dd38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_18.png deleted file mode 100644 index f59cfe35d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_19.png deleted file mode 100644 index ae9468004..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_20.png deleted file mode 100644 index 99dce996a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Arcadian/character26/0026_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_01.png deleted file mode 100644 index 03145c418..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_02.png deleted file mode 100644 index 683b5ee3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_03.png deleted file mode 100644 index c11431272..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_04.png deleted file mode 100644 index 3c724c152..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_05.png deleted file mode 100644 index f23cfad4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_06.png deleted file mode 100644 index 8f508865f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_07.png deleted file mode 100644 index 0924c0e55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_08.png deleted file mode 100644 index bacd31da3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_09.png deleted file mode 100644 index 763a64062..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_10.png deleted file mode 100644 index 73d4688a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_11.png deleted file mode 100644 index 3ac07be53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_12.png deleted file mode 100644 index 8b74464dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_13.png deleted file mode 100644 index 7c01dc31a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_14.png deleted file mode 100644 index 715f11362..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_15.png deleted file mode 100644 index a5ce905b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_16.png deleted file mode 100644 index 01cbb77f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_17.png deleted file mode 100644 index 330af7e23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_18.png deleted file mode 100644 index d723688ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_19.png deleted file mode 100644 index db8f0fcdf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_20.png deleted file mode 100644 index ced05833a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character01/0027_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_01.png deleted file mode 100644 index d8dffd11e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_02.png deleted file mode 100644 index d4bea9a30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_03.png deleted file mode 100644 index 9fc24790e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_04.png deleted file mode 100644 index 835f93b0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_05.png deleted file mode 100644 index 8b6afe844..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_06.png deleted file mode 100644 index f9e4134f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_07.png deleted file mode 100644 index ebb5299f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_08.png deleted file mode 100644 index 0ee73e933..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_09.png deleted file mode 100644 index a30911eca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_10.png deleted file mode 100644 index 87128d5f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_11.png deleted file mode 100644 index 81d6c3266..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_12.png deleted file mode 100644 index 6473bfee1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_13.png deleted file mode 100644 index a85ff1350..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_14.png deleted file mode 100644 index 2eba1b797..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_15.png deleted file mode 100644 index 91d03ab46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_16.png deleted file mode 100644 index 8a21b6ea4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_17.png deleted file mode 100644 index b160e6ac0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_18.png deleted file mode 100644 index 5628d4f0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_19.png deleted file mode 100644 index 6353e258b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_20.png deleted file mode 100644 index e5db108b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character02/0028_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_01.png deleted file mode 100644 index 8786f107c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_02.png deleted file mode 100644 index 539865d75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_03.png deleted file mode 100644 index 9c11fc4d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_04.png deleted file mode 100644 index 53454c5b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_05.png deleted file mode 100644 index 21952f7da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_06.png deleted file mode 100644 index 7f97666b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_07.png deleted file mode 100644 index e163ea274..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_08.png deleted file mode 100644 index 91c0746d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_09.png deleted file mode 100644 index 3153acf0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_10.png deleted file mode 100644 index a16e93bd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_11.png deleted file mode 100644 index 1b03a233f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_12.png deleted file mode 100644 index a08b40d54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_13.png deleted file mode 100644 index cd5abca8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_14.png deleted file mode 100644 index ebfe4b4cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_15.png deleted file mode 100644 index 1d6b80d96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_16.png deleted file mode 100644 index 14bcdc8e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_17.png deleted file mode 100644 index 6318c806d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_18.png deleted file mode 100644 index 22164db0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_19.png deleted file mode 100644 index 8f5258a9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_20.png deleted file mode 100644 index 3d57c2949..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character03/0029_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_01.png deleted file mode 100644 index d7598766f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_02.png deleted file mode 100644 index a66d0fa28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_03.png deleted file mode 100644 index 82da50b0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_04.png deleted file mode 100644 index 5cd1ad9c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_05.png deleted file mode 100644 index 8e47b38d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_06.png deleted file mode 100644 index 5b47b21dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_07.png deleted file mode 100644 index 952a0a669..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_08.png deleted file mode 100644 index 7a72240aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_09.png deleted file mode 100644 index 27451a66d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_10.png deleted file mode 100644 index 402dcc7ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_11.png deleted file mode 100644 index c899a4a59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_12.png deleted file mode 100644 index 5a0d10c69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_13.png deleted file mode 100644 index 06adbcbfc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_14.png deleted file mode 100644 index 2abace54c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_15.png deleted file mode 100644 index cdf6e3c10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_16.png deleted file mode 100644 index 43578bb3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_17.png deleted file mode 100644 index c75584dbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_18.png deleted file mode 100644 index 2c404a44f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_19.png deleted file mode 100644 index 9903b1990..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_20.png deleted file mode 100644 index 80c6a969e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character04/0030_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_01.png deleted file mode 100644 index eacd49e58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_02.png deleted file mode 100644 index 63073f00a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_03.png deleted file mode 100644 index 8c3d24bc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_04.png deleted file mode 100644 index 4a1cc6fdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_05.png deleted file mode 100644 index a28d1e512..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_06.png deleted file mode 100644 index 4eda2f42c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_07.png deleted file mode 100644 index fd68d660e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_08.png deleted file mode 100644 index 6d4b2bcd5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_09.png deleted file mode 100644 index c16e2c2eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_10.png deleted file mode 100644 index f64eadb82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_11.png deleted file mode 100644 index 0f2d25cbf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_12.png deleted file mode 100644 index aa0940a05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_13.png deleted file mode 100644 index 8c545d3ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_14.png deleted file mode 100644 index 4e1d07bf0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_15.png deleted file mode 100644 index c19699805..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_16.png deleted file mode 100644 index 586cbafc4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_17.png deleted file mode 100644 index 77e75b926..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_18.png deleted file mode 100644 index 41dab50e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_19.png deleted file mode 100644 index aba391d5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_20.png deleted file mode 100644 index 2c2985136..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character05/0031_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_01.png deleted file mode 100644 index de9743f54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_02.png deleted file mode 100644 index 930bab226..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_03.png deleted file mode 100644 index d10c54287..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_04.png deleted file mode 100644 index 9550d9c30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_05.png deleted file mode 100644 index afa64d8b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_06.png deleted file mode 100644 index d26b47b27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_07.png deleted file mode 100644 index 72ab7eab6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_08.png deleted file mode 100644 index 1710826ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_09.png deleted file mode 100644 index 648e5aa9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_10.png deleted file mode 100644 index 9fc2cd44b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_11.png deleted file mode 100644 index ac8528a02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_12.png deleted file mode 100644 index bdec4ee9d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_13.png deleted file mode 100644 index 2d9c84841..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_14.png deleted file mode 100644 index 6a4ac9438..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_15.png deleted file mode 100644 index d1a445d5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_16.png deleted file mode 100644 index edb51b322..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_17.png deleted file mode 100644 index 30a797bfd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_18.png deleted file mode 100644 index f6565569b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_19.png deleted file mode 100644 index fb0e1c918..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_20.png deleted file mode 100644 index af5a149c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character06/0032_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_01.png deleted file mode 100644 index 9bb941d25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_02.png deleted file mode 100644 index de4a71790..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_03.png deleted file mode 100644 index 54853546c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_04.png deleted file mode 100644 index 57196bb6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_05.png deleted file mode 100644 index 6e94c68c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_06.png deleted file mode 100644 index 34b021e2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_07.png deleted file mode 100644 index d517ef011..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_08.png deleted file mode 100644 index f89c778ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_09.png deleted file mode 100644 index da854f82d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_10.png deleted file mode 100644 index 1ec0bb556..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_11.png deleted file mode 100644 index 27ca797a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_12.png deleted file mode 100644 index a205b7691..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_13.png deleted file mode 100644 index 73d6b8ffb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_14.png deleted file mode 100644 index f6300dd60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_15.png deleted file mode 100644 index c1f96d0d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_16.png deleted file mode 100644 index 0ec9df20b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_17.png deleted file mode 100644 index bb1d31db6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_18.png deleted file mode 100644 index 04b3f6b63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_19.png deleted file mode 100644 index 109729172..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_20.png deleted file mode 100644 index 0649859a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character07/0033_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_01.png deleted file mode 100644 index d0ac2d39d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_02.png deleted file mode 100644 index 4db28121a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_03.png deleted file mode 100644 index 68f46e8c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_04.png deleted file mode 100644 index 0a9eb52ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_05.png deleted file mode 100644 index 7bde0ff86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_06.png deleted file mode 100644 index dc5487c5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_07.png deleted file mode 100644 index 91a58ac9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_08.png deleted file mode 100644 index 69e40e2b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_09.png deleted file mode 100644 index 9bcfedc16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_10.png deleted file mode 100644 index eb67ee1c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_11.png deleted file mode 100644 index 1aeb1e1fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_12.png deleted file mode 100644 index 46b3717f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_13.png deleted file mode 100644 index 82f751c71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_14.png deleted file mode 100644 index 8b0da5203..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_15.png deleted file mode 100644 index 515d2c64e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_16.png deleted file mode 100644 index 314e57edc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_17.png deleted file mode 100644 index b87ccdcfd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_18.png deleted file mode 100644 index dad6f13f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_19.png deleted file mode 100644 index 0bf0a3ac0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_20.png deleted file mode 100644 index be21b925a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character08/0034_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_01.png deleted file mode 100644 index 88f527580..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_02.png deleted file mode 100644 index 8d6a6ba7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_03.png deleted file mode 100644 index f65fdebb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_04.png deleted file mode 100644 index d54036866..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_05.png deleted file mode 100644 index e7e46dd64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_06.png deleted file mode 100644 index f2e2b091f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_07.png deleted file mode 100644 index 4f2d51b3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_08.png deleted file mode 100644 index 457d4ca25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_09.png deleted file mode 100644 index 327e2f03c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_10.png deleted file mode 100644 index 4178fdaa5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_11.png deleted file mode 100644 index 4876567d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_12.png deleted file mode 100644 index 3aa811f64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_13.png deleted file mode 100644 index c3d6db0d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_14.png deleted file mode 100644 index 152eaf707..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_15.png deleted file mode 100644 index 307102017..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_16.png deleted file mode 100644 index b7aade350..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_17.png deleted file mode 100644 index b163172e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_18.png deleted file mode 100644 index 47270f8e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_19.png deleted file mode 100644 index aa13e0331..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_20.png deleted file mode 100644 index be5a5c054..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character09/0035_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_01.png deleted file mode 100644 index 089a72bd1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_02.png deleted file mode 100644 index f8cd24090..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_03.png deleted file mode 100644 index 948ff3494..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_04.png deleted file mode 100644 index d67323ee3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_05.png deleted file mode 100644 index 858df0072..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_06.png deleted file mode 100644 index 777727c51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_07.png deleted file mode 100644 index 4f9cc429f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_08.png deleted file mode 100644 index ea2997a79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_09.png deleted file mode 100644 index 0b255b47e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_10.png deleted file mode 100644 index b01c06a7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_11.png deleted file mode 100644 index 85226a994..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_12.png deleted file mode 100644 index aca9fe523..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_13.png deleted file mode 100644 index 626d9dd77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_14.png deleted file mode 100644 index 068eacbb1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_15.png deleted file mode 100644 index c55c76dfc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_16.png deleted file mode 100644 index effd36f38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_17.png deleted file mode 100644 index c65810fd2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_18.png deleted file mode 100644 index 6f4087257..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_19.png deleted file mode 100644 index 2a3b63aa6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_20.png deleted file mode 100644 index b04c10ca8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character10/0036_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_01.png deleted file mode 100644 index 43eb68c0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_02.png deleted file mode 100644 index 92ce4e37f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_03.png deleted file mode 100644 index f91767c6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_04.png deleted file mode 100644 index 3023806a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_05.png deleted file mode 100644 index bd0689f2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_06.png deleted file mode 100644 index bd0075455..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_07.png deleted file mode 100644 index 642f474d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_08.png deleted file mode 100644 index c9148aeff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_09.png deleted file mode 100644 index 30f47e10c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_10.png deleted file mode 100644 index f1e1daac1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_11.png deleted file mode 100644 index d3239d478..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_12.png deleted file mode 100644 index 9fbb214ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_13.png deleted file mode 100644 index 5e246176f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_14.png deleted file mode 100644 index 7eb5284c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_15.png deleted file mode 100644 index fca142982..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_16.png deleted file mode 100644 index 76c8dd47f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_17.png deleted file mode 100644 index f22bb11c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_18.png deleted file mode 100644 index a2b4e8377..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_19.png deleted file mode 100644 index b3892bd63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_20.png deleted file mode 100644 index a81378816..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character11/0037_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_01.png deleted file mode 100644 index 7f8c512e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_02.png deleted file mode 100644 index 4666a0355..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_03.png deleted file mode 100644 index cfe9016d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_04.png deleted file mode 100644 index c65f36be6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_05.png deleted file mode 100644 index e1495f860..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_06.png deleted file mode 100644 index 981e5c4ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_07.png deleted file mode 100644 index 3ccfce6e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_08.png deleted file mode 100644 index 2a3279801..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_09.png deleted file mode 100644 index fdb2c750b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_10.png deleted file mode 100644 index 835053810..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_11.png deleted file mode 100644 index 59923af2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_12.png deleted file mode 100644 index ceee026ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_13.png deleted file mode 100644 index 2bd5880f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_14.png deleted file mode 100644 index 5950bb8d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_15.png deleted file mode 100644 index 349cee809..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_16.png deleted file mode 100644 index 3f1145744..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_17.png deleted file mode 100644 index 8a3083815..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_18.png deleted file mode 100644 index b870dc08f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_19.png deleted file mode 100644 index b3c4cc864..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_20.png deleted file mode 100644 index 84fd37712..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character12/0038_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_01.png deleted file mode 100644 index a35a4d68a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_02.png deleted file mode 100644 index a831b6b30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_03.png deleted file mode 100644 index 48d9eb92e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_04.png deleted file mode 100644 index ca58a9307..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_05.png deleted file mode 100644 index 5488256a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_06.png deleted file mode 100644 index eb758e593..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_07.png deleted file mode 100644 index 393f942ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_08.png deleted file mode 100644 index b7f48eeb5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_09.png deleted file mode 100644 index 853841042..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_10.png deleted file mode 100644 index 2965acbbc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_11.png deleted file mode 100644 index 42d0011e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_12.png deleted file mode 100644 index e642e2583..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_13.png deleted file mode 100644 index c44c6f4dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_14.png deleted file mode 100644 index be8729ffa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_15.png deleted file mode 100644 index e16ae6fcb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_16.png deleted file mode 100644 index 0cd14b1b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_17.png deleted file mode 100644 index 600579df2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_18.png deleted file mode 100644 index 5f00332c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_19.png deleted file mode 100644 index 1f1af90d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_20.png deleted file mode 100644 index 84539fe25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character13/0039_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_01.png deleted file mode 100644 index 87d64b837..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_02.png deleted file mode 100644 index fb01ca64c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_03.png deleted file mode 100644 index 9015a1b3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_04.png deleted file mode 100644 index 551a0631d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_05.png deleted file mode 100644 index ba517829c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_06.png deleted file mode 100644 index 1eb24dccd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_07.png deleted file mode 100644 index 92268b40a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_08.png deleted file mode 100644 index 9fdbfe701..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_09.png deleted file mode 100644 index 9241d147d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_10.png deleted file mode 100644 index f784f1e2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_11.png deleted file mode 100644 index 55dd23d4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_12.png deleted file mode 100644 index 32ae11d57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_13.png deleted file mode 100644 index 1db146866..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_14.png deleted file mode 100644 index a6ed36ccd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_15.png deleted file mode 100644 index e715ac926..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_16.png deleted file mode 100644 index e620d1570..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_17.png deleted file mode 100644 index 333566d0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_18.png deleted file mode 100644 index 378bf00c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_19.png deleted file mode 100644 index cc64ab2cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_20.png deleted file mode 100644 index f9195315e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character14/0040_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_01.png deleted file mode 100644 index 01bae274e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_02.png deleted file mode 100644 index c41fa06d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_03.png deleted file mode 100644 index c304b6ec5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_04.png deleted file mode 100644 index 82cedd237..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_05.png deleted file mode 100644 index 50d1ce891..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_06.png deleted file mode 100644 index aab9e58f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_07.png deleted file mode 100644 index 71a8b15d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_08.png deleted file mode 100644 index b3168f170..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_09.png deleted file mode 100644 index 6e4ea7dae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_10.png deleted file mode 100644 index adfb56d76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_11.png deleted file mode 100644 index 71c6ee80a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_12.png deleted file mode 100644 index 694fb6c51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_13.png deleted file mode 100644 index bc57d11c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_14.png deleted file mode 100644 index 09c65902c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_15.png deleted file mode 100644 index d0f41082a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_16.png deleted file mode 100644 index 7bdc4fea2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_17.png deleted file mode 100644 index 8d1ecd2a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_18.png deleted file mode 100644 index 565aac3b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_19.png deleted file mode 100644 index db95fa42d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_20.png deleted file mode 100644 index 271dee353..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character15/0041_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_01.png deleted file mode 100644 index 2d97f8c59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_02.png deleted file mode 100644 index 14d6ec71c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_03.png deleted file mode 100644 index 34fb7a19f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_04.png deleted file mode 100644 index d2feee00e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_05.png deleted file mode 100644 index 4c737b55e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_06.png deleted file mode 100644 index fb45965b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_07.png deleted file mode 100644 index 35750bca3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_08.png deleted file mode 100644 index 9eb221e16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_09.png deleted file mode 100644 index 8750142a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_10.png deleted file mode 100644 index a194db663..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_11.png deleted file mode 100644 index 5d795cbf0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_12.png deleted file mode 100644 index 556ada398..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_13.png deleted file mode 100644 index e013246eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_14.png deleted file mode 100644 index 58c2f913b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_15.png deleted file mode 100644 index c32583c07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_16.png deleted file mode 100644 index 29a33378b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_17.png deleted file mode 100644 index 864e6d339..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_18.png deleted file mode 100644 index f083c19a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_19.png deleted file mode 100644 index 40e1bb82e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_20.png deleted file mode 100644 index 6336d4dcf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character16/0042_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_01.png deleted file mode 100644 index 9b7afd02e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_02.png deleted file mode 100644 index c563409a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_03.png deleted file mode 100644 index 6d02e7b26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_04.png deleted file mode 100644 index 1d730ae0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_05.png deleted file mode 100644 index cf2a21e92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_06.png deleted file mode 100644 index d38389a7b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_07.png deleted file mode 100644 index cbdb06afe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_08.png deleted file mode 100644 index 7d4504e24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_09.png deleted file mode 100644 index 4d85e8142..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_10.png deleted file mode 100644 index 386a44245..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_11.png deleted file mode 100644 index b699bd98c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_12.png deleted file mode 100644 index d5b669396..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_13.png deleted file mode 100644 index 59da30aeb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_14.png deleted file mode 100644 index b04d900d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_15.png deleted file mode 100644 index a53f40ee6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_16.png deleted file mode 100644 index 6e130fd63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_17.png deleted file mode 100644 index b50726d66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_18.png deleted file mode 100644 index d4b4158de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_19.png deleted file mode 100644 index e631b7deb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_20.png deleted file mode 100644 index 80d02398c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character17/0043_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_01.png deleted file mode 100644 index 3172f78fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_02.png deleted file mode 100644 index d37f249c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_03.png deleted file mode 100644 index 6e132175a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_04.png deleted file mode 100644 index 98aac012b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_05.png deleted file mode 100644 index 9245e33ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_06.png deleted file mode 100644 index c831cd9f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_07.png deleted file mode 100644 index 01caff539..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_08.png deleted file mode 100644 index 6f404f839..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_09.png deleted file mode 100644 index 1b0125eca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_10.png deleted file mode 100644 index 3fa856a98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_11.png deleted file mode 100644 index 67db7b31d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_12.png deleted file mode 100644 index b6943edfc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_13.png deleted file mode 100644 index 5e39bc4f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_14.png deleted file mode 100644 index d02cdb175..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_15.png deleted file mode 100644 index 529283559..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_16.png deleted file mode 100644 index b60cc148e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_17.png deleted file mode 100644 index de2c1765f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_18.png deleted file mode 100644 index 5e8ee6d0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_19.png deleted file mode 100644 index 45aa0b88c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_20.png deleted file mode 100644 index 98c7d5587..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character18/0044_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_01.png deleted file mode 100644 index 7b69c34b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_02.png deleted file mode 100644 index b916c28f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_03.png deleted file mode 100644 index a2da40669..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_04.png deleted file mode 100644 index bf3fde887..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_05.png deleted file mode 100644 index a163800f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_06.png deleted file mode 100644 index 3084eab45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_07.png deleted file mode 100644 index b77921f2e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_08.png deleted file mode 100644 index f966ddccf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_09.png deleted file mode 100644 index b9999b222..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_10.png deleted file mode 100644 index 373b3986b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_11.png deleted file mode 100644 index 6e0f548ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_12.png deleted file mode 100644 index ffad466d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_13.png deleted file mode 100644 index 932b2da65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_14.png deleted file mode 100644 index b4a686ddf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_15.png deleted file mode 100644 index 4f15014b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_16.png deleted file mode 100644 index 0dc3a0eb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_17.png deleted file mode 100644 index 0cc80bedc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_18.png deleted file mode 100644 index 792c1e510..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_19.png deleted file mode 100644 index 973dd0f5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_20.png deleted file mode 100644 index e57bd3417..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character19/0045_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_01.png deleted file mode 100644 index 4b95cc4e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_02.png deleted file mode 100644 index 93a1b8983..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_03.png deleted file mode 100644 index 5064fde84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_04.png deleted file mode 100644 index b6fab15b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_05.png deleted file mode 100644 index 9fc4d7e2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_06.png deleted file mode 100644 index cf8847037..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_07.png deleted file mode 100644 index 8f50674b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_08.png deleted file mode 100644 index f54a6e39d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_09.png deleted file mode 100644 index 79e9426b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_10.png deleted file mode 100644 index 1debef630..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_11.png deleted file mode 100644 index fac20e0ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_12.png deleted file mode 100644 index f6f93caab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_13.png deleted file mode 100644 index 88d0bf8d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_14.png deleted file mode 100644 index 6d5f2eeb3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_15.png deleted file mode 100644 index 0f1d5c13c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_16.png deleted file mode 100644 index 730efa840..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_17.png deleted file mode 100644 index 7c00ddeab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_18.png deleted file mode 100644 index 1e276dd09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_19.png deleted file mode 100644 index a38bcfaa5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_20.png deleted file mode 100644 index 83546df4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character20/0046_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_01.png deleted file mode 100644 index c2d21f761..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_02.png deleted file mode 100644 index 6b861d655..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_03.png deleted file mode 100644 index 467ba8abd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_04.png deleted file mode 100644 index beb4111c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_05.png deleted file mode 100644 index 28791ff02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_06.png deleted file mode 100644 index b4fc548bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_07.png deleted file mode 100644 index d211963a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_08.png deleted file mode 100644 index 8368dc7d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_09.png deleted file mode 100644 index c5e78935f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_10.png deleted file mode 100644 index 315ac4f63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_11.png deleted file mode 100644 index 1e6644676..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_12.png deleted file mode 100644 index 8a996a6d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_13.png deleted file mode 100644 index d4d4409a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_14.png deleted file mode 100644 index 6d57bd8aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_15.png deleted file mode 100644 index 3e175a56a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_16.png deleted file mode 100644 index 7166d6094..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_17.png deleted file mode 100644 index bde449b33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_18.png deleted file mode 100644 index 45df5b577..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_19.png deleted file mode 100644 index b4ded9c45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_20.png deleted file mode 100644 index 9fcce1214..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character21/0047_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_01.png deleted file mode 100644 index 59d53afdf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_02.png deleted file mode 100644 index 1ead9a536..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_03.png deleted file mode 100644 index 252e25698..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_04.png deleted file mode 100644 index e41c29ab4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_05.png deleted file mode 100644 index 2969b9899..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_06.png deleted file mode 100644 index 3a1c4c0fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_07.png deleted file mode 100644 index 532562d99..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_08.png deleted file mode 100644 index 785b4c77c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_09.png deleted file mode 100644 index ef55d74d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_10.png deleted file mode 100644 index c3d324b8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_11.png deleted file mode 100644 index c54be4669..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_12.png deleted file mode 100644 index 39e6fd76b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_13.png deleted file mode 100644 index bf00c7321..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_14.png deleted file mode 100644 index 2a5f592b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_15.png deleted file mode 100644 index b30f85ff6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_16.png deleted file mode 100644 index 558939c54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_17.png deleted file mode 100644 index 8515f5fb8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_18.png deleted file mode 100644 index fbdf529e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_19.png deleted file mode 100644 index 24cb9aaf3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_20.png deleted file mode 100644 index 187f54c90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character22/0048_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_01.png deleted file mode 100644 index feb699a36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_02.png deleted file mode 100644 index 590fd8af8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_03.png deleted file mode 100644 index be1ab0933..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_04.png deleted file mode 100644 index 3a9f1b7b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_05.png deleted file mode 100644 index 9ef19bbb8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_06.png deleted file mode 100644 index 8cc3a0d76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_07.png deleted file mode 100644 index 931f16ec9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_08.png deleted file mode 100644 index 392815e64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_09.png deleted file mode 100644 index fcb2d4608..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_10.png deleted file mode 100644 index 3594cc3c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_11.png deleted file mode 100644 index 5bd0270e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_12.png deleted file mode 100644 index 44acad046..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_13.png deleted file mode 100644 index 99d6ed8b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_14.png deleted file mode 100644 index f636b1a64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_15.png deleted file mode 100644 index d7bccf17a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_16.png deleted file mode 100644 index c6b33c042..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_17.png deleted file mode 100644 index 5781a6afe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_18.png deleted file mode 100644 index 5ad10dbca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_19.png deleted file mode 100644 index 13e9ae596..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_20.png deleted file mode 100644 index fbfc50552..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character23/0049_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_01.png deleted file mode 100644 index 6f3b21cf4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_02.png deleted file mode 100644 index 7dde415f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_03.png deleted file mode 100644 index 3576ea5e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_04.png deleted file mode 100644 index b5b8df080..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_05.png deleted file mode 100644 index cfb9b8bc0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_06.png deleted file mode 100644 index 9e9500aab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_07.png deleted file mode 100644 index 22944481d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_08.png deleted file mode 100644 index 11c2beed9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_09.png deleted file mode 100644 index 70e54fb4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_10.png deleted file mode 100644 index b97e9f8f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_11.png deleted file mode 100644 index f3bbc9a88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_12.png deleted file mode 100644 index dfeac97b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_13.png deleted file mode 100644 index 3ab328ae8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_14.png deleted file mode 100644 index 3a4046e3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_15.png deleted file mode 100644 index 170b1165a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_16.png deleted file mode 100644 index 312d95c24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_17.png deleted file mode 100644 index 7be7b2b36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_18.png deleted file mode 100644 index c2eaa02fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_19.png deleted file mode 100644 index abab04d96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_20.png deleted file mode 100644 index 886a0f020..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character24/0050_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_01.png deleted file mode 100644 index 7b146d559..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_02.png deleted file mode 100644 index f268a43ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_03.png deleted file mode 100644 index 499a33fea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_04.png deleted file mode 100644 index 235f48e9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_05.png deleted file mode 100644 index 348d5a044..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_06.png deleted file mode 100644 index c8eee4252..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_07.png deleted file mode 100644 index a82147daf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_08.png deleted file mode 100644 index 9fcd79469..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_09.png deleted file mode 100644 index 3c218ff00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_10.png deleted file mode 100644 index 7168497e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_11.png deleted file mode 100644 index 9f808346d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_12.png deleted file mode 100644 index d2b5bca53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_13.png deleted file mode 100644 index a6a2380e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_14.png deleted file mode 100644 index d2f668932..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_15.png deleted file mode 100644 index 2eb2eefaf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_16.png deleted file mode 100644 index eb78152f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_17.png deleted file mode 100644 index b0da2ea87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_18.png deleted file mode 100644 index 8b4fd77bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_19.png deleted file mode 100644 index 4f9c64de6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_20.png deleted file mode 100644 index b529c6e0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character25/0051_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_01.png deleted file mode 100644 index e5a361244..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_02.png deleted file mode 100644 index 02cc95eed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_03.png deleted file mode 100644 index 2597b639a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_04.png deleted file mode 100644 index 6c57b0917..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_05.png deleted file mode 100644 index c2aef9c4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_06.png deleted file mode 100644 index 1d22b10d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_07.png deleted file mode 100644 index 310bb5ec7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_08.png deleted file mode 100644 index 0f5b023c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_09.png deleted file mode 100644 index a3579f170..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_10.png deleted file mode 100644 index bfe7abf2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_11.png deleted file mode 100644 index bbbd03076..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_12.png deleted file mode 100644 index 62aa3fb53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_13.png deleted file mode 100644 index 242e0e958..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_14.png deleted file mode 100644 index 0a5fdfaca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_15.png deleted file mode 100644 index 191e22ac0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_16.png deleted file mode 100644 index 5177dd036..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_17.png deleted file mode 100644 index 97d51f855..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_18.png deleted file mode 100644 index 97987b607..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_19.png deleted file mode 100644 index 205b31aa3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_20.png deleted file mode 100644 index 58f86c832..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character26/0052_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_01.png deleted file mode 100644 index 21fada171..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_02.png deleted file mode 100644 index 061a8cbed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_03.png deleted file mode 100644 index c26564466..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_04.png deleted file mode 100644 index 9769515ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_05.png deleted file mode 100644 index 5b95e90bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_06.png deleted file mode 100644 index e9abc65aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_07.png deleted file mode 100644 index f80dca63c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_08.png deleted file mode 100644 index 1fbe659a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_09.png deleted file mode 100644 index 09f8b8a67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_10.png deleted file mode 100644 index 1c227f485..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_11.png deleted file mode 100644 index f93f320c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_12.png deleted file mode 100644 index 3568fb669..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_13.png deleted file mode 100644 index 3bf2e8b43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_14.png deleted file mode 100644 index d22326eeb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_15.png deleted file mode 100644 index ee73f8a96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_16.png deleted file mode 100644 index 6b83bd795..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_17.png deleted file mode 100644 index 26a5572b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_18.png deleted file mode 100644 index b5a187a42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_19.png deleted file mode 100644 index cddbf46f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_20.png deleted file mode 100644 index b558eb35e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character27/0053_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_01.png deleted file mode 100644 index 5a7ed6a1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_02.png deleted file mode 100644 index d77c566af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_03.png deleted file mode 100644 index 166339a6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_04.png deleted file mode 100644 index a9f293ced..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_05.png deleted file mode 100644 index 106f80e36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_06.png deleted file mode 100644 index 6b34a33a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_07.png deleted file mode 100644 index d1fda8222..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_08.png deleted file mode 100644 index 62f98766d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_09.png deleted file mode 100644 index f53d91c7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_10.png deleted file mode 100644 index e56230588..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_11.png deleted file mode 100644 index 9477d04b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_12.png deleted file mode 100644 index 203c29640..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_13.png deleted file mode 100644 index 21fadc5aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_14.png deleted file mode 100644 index d5848f5e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_15.png deleted file mode 100644 index e72dac5df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_16.png deleted file mode 100644 index e180ea7d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_17.png deleted file mode 100644 index 91b47ed65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_18.png deleted file mode 100644 index 792edb0df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_19.png deleted file mode 100644 index 2b1bc4e2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_20.png deleted file mode 100644 index 9499c8adb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character28/0054_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_01.png deleted file mode 100644 index 85b0c1ac1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_02.png deleted file mode 100644 index 34706143e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_03.png deleted file mode 100644 index 6fffbd118..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_04.png deleted file mode 100644 index 1ca19e866..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_05.png deleted file mode 100644 index 61e4e7acf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_06.png deleted file mode 100644 index c7518d5fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_07.png deleted file mode 100644 index c35fa1915..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_08.png deleted file mode 100644 index 461d5ec8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_09.png deleted file mode 100644 index 4f241df1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_10.png deleted file mode 100644 index c1713157c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_11.png deleted file mode 100644 index 664ef26fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_12.png deleted file mode 100644 index e8a5c6d89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_13.png deleted file mode 100644 index 03ce5c2e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_14.png deleted file mode 100644 index 3f7a0c998..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_15.png deleted file mode 100644 index 94ff67093..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_16.png deleted file mode 100644 index e5e900feb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_17.png deleted file mode 100644 index 4d178ba54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_18.png deleted file mode 100644 index b77d5ee87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_19.png deleted file mode 100644 index 45e57c468..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_20.png deleted file mode 100644 index 24c1fa8e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character29/0055_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_01.png deleted file mode 100644 index 4fbc90be2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_02.png deleted file mode 100644 index a2a921865..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_03.png deleted file mode 100644 index 1578a8ad4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_04.png deleted file mode 100644 index 2a37d5e3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_05.png deleted file mode 100644 index 67fd1058b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_06.png deleted file mode 100644 index 9acb5d7d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_07.png deleted file mode 100644 index b7c0c197f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_08.png deleted file mode 100644 index d07f3cb0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_09.png deleted file mode 100644 index 3d6366b04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_10.png deleted file mode 100644 index 91d175f12..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_11.png deleted file mode 100644 index e5200b657..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_12.png deleted file mode 100644 index 2a54f849a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_13.png deleted file mode 100644 index cc302c4f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_14.png deleted file mode 100644 index 945e043e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_15.png deleted file mode 100644 index 474622d9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_16.png deleted file mode 100644 index fdd7f0e03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_17.png deleted file mode 100644 index a9c840487..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_18.png deleted file mode 100644 index 2e2ccf7b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_19.png deleted file mode 100644 index a9b35ca8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_20.png deleted file mode 100644 index 0c53210f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character30/0056_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_01.png deleted file mode 100644 index f80a2c83a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_02.png deleted file mode 100644 index 1f32d9bed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_03.png deleted file mode 100644 index 6967f58f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_04.png deleted file mode 100644 index a95eafc84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_05.png deleted file mode 100644 index 573ee5175..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_06.png deleted file mode 100644 index ea7c2df50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_07.png deleted file mode 100644 index ab36cd058..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_08.png deleted file mode 100644 index bba6bbc69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_09.png deleted file mode 100644 index 6697b0ba1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_10.png deleted file mode 100644 index 5e584619e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_11.png deleted file mode 100644 index 7ab18bbaf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_12.png deleted file mode 100644 index 2d8c02f77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_13.png deleted file mode 100644 index 156465d02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_14.png deleted file mode 100644 index 2ad819615..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_15.png deleted file mode 100644 index dc649cf89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_16.png deleted file mode 100644 index 85794a92f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_17.png deleted file mode 100644 index 706d78970..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_18.png deleted file mode 100644 index b04e7c18f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_19.png deleted file mode 100644 index 715cb309b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_20.png deleted file mode 100644 index f241ac697..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character31/0057_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_01.png deleted file mode 100644 index 33851b3e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_02.png deleted file mode 100644 index 759e41327..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_03.png deleted file mode 100644 index 8bf337a70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_04.png deleted file mode 100644 index f9fcb2583..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_05.png deleted file mode 100644 index 531a9f506..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_06.png deleted file mode 100644 index 07000e22e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_07.png deleted file mode 100644 index 0a2eb41a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_08.png deleted file mode 100644 index ba1dd3020..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_09.png deleted file mode 100644 index 31e7a7378..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_10.png deleted file mode 100644 index 49d814c47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_11.png deleted file mode 100644 index cfcc194be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_12.png deleted file mode 100644 index 807c6119a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_13.png deleted file mode 100644 index 1109c9714..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_14.png deleted file mode 100644 index 7e9e2f2c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_15.png deleted file mode 100644 index 880c1ffcc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_16.png deleted file mode 100644 index c1c4703bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_17.png deleted file mode 100644 index e126b41ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_18.png deleted file mode 100644 index 60a401c7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_19.png deleted file mode 100644 index 582ba6f3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_20.png deleted file mode 100644 index 395ffed07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character32/0058_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_01.png deleted file mode 100644 index 1f9571cd2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_02.png deleted file mode 100644 index da04a77f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_03.png deleted file mode 100644 index 70cedbfa3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_04.png deleted file mode 100644 index a45bac5c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_05.png deleted file mode 100644 index aa5cd0337..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_06.png deleted file mode 100644 index 08f3946d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_07.png deleted file mode 100644 index 547d51655..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_08.png deleted file mode 100644 index bcca1d94b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_09.png deleted file mode 100644 index 3c104d943..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_10.png deleted file mode 100644 index 7aeddab36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_11.png deleted file mode 100644 index 5d6b0c6bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_12.png deleted file mode 100644 index 92ed14572..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_13.png deleted file mode 100644 index 49ad28de6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_14.png deleted file mode 100644 index 9ad798de6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_15.png deleted file mode 100644 index cee5e8b8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_16.png deleted file mode 100644 index 3dd4321d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_17.png deleted file mode 100644 index 46a35e1cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_18.png deleted file mode 100644 index 1ca7dd1a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_19.png deleted file mode 100644 index 747e42d1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_20.png deleted file mode 100644 index f4ad485f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character33/0059_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_01.png deleted file mode 100644 index a100af2b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_02.png deleted file mode 100644 index b16f3dc67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_03.png deleted file mode 100644 index 69d304527..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_04.png deleted file mode 100644 index 797a64b39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_05.png deleted file mode 100644 index 55fd07485..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_06.png deleted file mode 100644 index 5e5bc1d77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_07.png deleted file mode 100644 index 88bed3e87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_08.png deleted file mode 100644 index 42e910bf5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_09.png deleted file mode 100644 index e9eaa2424..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_10.png deleted file mode 100644 index cce37a243..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_11.png deleted file mode 100644 index f7c163c40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_12.png deleted file mode 100644 index 2d88f7859..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_13.png deleted file mode 100644 index 08badd47b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_14.png deleted file mode 100644 index 49ae4db66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_15.png deleted file mode 100644 index b3849de0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_16.png deleted file mode 100644 index ae97e206c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_17.png deleted file mode 100644 index 0637ce7dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_18.png deleted file mode 100644 index fa919b653..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_19.png deleted file mode 100644 index c70c88d47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_20.png deleted file mode 100644 index c5762108e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character34/0060_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_01.png deleted file mode 100644 index 1b73a7548..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_02.png deleted file mode 100644 index 3f3e7b9d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_03.png deleted file mode 100644 index 472acd3c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_04.png deleted file mode 100644 index 0faed73b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_05.png deleted file mode 100644 index 4527c58c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_06.png deleted file mode 100644 index ffebe53f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_07.png deleted file mode 100644 index 5e9662276..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_08.png deleted file mode 100644 index bbfe0ea86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_09.png deleted file mode 100644 index 513e3e63b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_10.png deleted file mode 100644 index 85560dcd4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_11.png deleted file mode 100644 index a721c471f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_12.png deleted file mode 100644 index 3c9d4cac2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_13.png deleted file mode 100644 index d5750ac45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_14.png deleted file mode 100644 index 628c6bb6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_15.png deleted file mode 100644 index 4d3184837..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_16.png deleted file mode 100644 index 3c6799177..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_17.png deleted file mode 100644 index 52de2fe6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_18.png deleted file mode 100644 index 633812ea7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_19.png deleted file mode 100644 index d4e47f832..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_20.png deleted file mode 100644 index 65b60dc95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character35/0061_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_01.png deleted file mode 100644 index 75f8dd5f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_02.png deleted file mode 100644 index fa39f8bad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_03.png deleted file mode 100644 index 9d11b3055..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_04.png deleted file mode 100644 index 946f3f783..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_05.png deleted file mode 100644 index 6561e2349..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_06.png deleted file mode 100644 index 296accd97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_07.png deleted file mode 100644 index 4385da954..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_08.png deleted file mode 100644 index 815a90234..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_09.png deleted file mode 100644 index a868295fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_10.png deleted file mode 100644 index edb9e9c72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_11.png deleted file mode 100644 index d6e052dbb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_12.png deleted file mode 100644 index 59b4bbd5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_13.png deleted file mode 100644 index fef9891c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_14.png deleted file mode 100644 index b44b1b74e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_15.png deleted file mode 100644 index 5f3dc8a88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_16.png deleted file mode 100644 index 8e0c0e4c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_17.png deleted file mode 100644 index 2bc206b8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_18.png deleted file mode 100644 index 31c00b7e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_19.png deleted file mode 100644 index f35fb7ddf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_20.png deleted file mode 100644 index 5671868e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character36/0062_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_01.png deleted file mode 100644 index 2750ecb09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_02.png deleted file mode 100644 index e3b270d1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_03.png deleted file mode 100644 index ebb60b2c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_04.png deleted file mode 100644 index 4ecc80ee4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_05.png deleted file mode 100644 index 0e4f98f19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_06.png deleted file mode 100644 index 72639c4f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_07.png deleted file mode 100644 index f3700bd9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_08.png deleted file mode 100644 index 05ba4ebea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_09.png deleted file mode 100644 index 1c70c3d0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_10.png deleted file mode 100644 index 640ba4145..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_11.png deleted file mode 100644 index 12d921c1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_12.png deleted file mode 100644 index a6f8c677f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_13.png deleted file mode 100644 index 3ec045683..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_14.png deleted file mode 100644 index 07d9d01fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_15.png deleted file mode 100644 index f57154fe2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_16.png deleted file mode 100644 index b56cf88a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_17.png deleted file mode 100644 index 49bd55705..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_18.png deleted file mode 100644 index 44f4d2dfb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_19.png deleted file mode 100644 index 20edda7e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_20.png deleted file mode 100644 index ab4be8be4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character37/0063_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_01.png deleted file mode 100644 index 29139c4cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_02.png deleted file mode 100644 index cb6a9e3ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_03.png deleted file mode 100644 index 83c8a1780..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_04.png deleted file mode 100644 index 75e23c370..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_05.png deleted file mode 100644 index 18fd33245..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_06.png deleted file mode 100644 index b085431af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_07.png deleted file mode 100644 index feff1ff4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_08.png deleted file mode 100644 index 0397fe738..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_09.png deleted file mode 100644 index e9fe35310..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_10.png deleted file mode 100644 index 08150dcd7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_11.png deleted file mode 100644 index 58511ec59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_12.png deleted file mode 100644 index 6405c8176..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_13.png deleted file mode 100644 index 8383c0104..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_14.png deleted file mode 100644 index 9c25eef17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_15.png deleted file mode 100644 index dae1a5c4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_16.png deleted file mode 100644 index 14ebebc5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_17.png deleted file mode 100644 index b3609b4ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_18.png deleted file mode 100644 index 4df8525c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_19.png deleted file mode 100644 index 2e3277c41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_20.png deleted file mode 100644 index a0e1a4fa2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character38/0064_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_01.png deleted file mode 100644 index 895ebd29a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_02.png deleted file mode 100644 index aec5c61d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_03.png deleted file mode 100644 index 2399ddab3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_04.png deleted file mode 100644 index d6e5dce04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_05.png deleted file mode 100644 index 9c2303ef8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_06.png deleted file mode 100644 index 7153b9c83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_07.png deleted file mode 100644 index 745c638e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_08.png deleted file mode 100644 index e3074a6db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_09.png deleted file mode 100644 index c3e44ff23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_10.png deleted file mode 100644 index 0db9de758..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_11.png deleted file mode 100644 index 2b8bc4c7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_12.png deleted file mode 100644 index da9bebdd7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_13.png deleted file mode 100644 index 40a3d1596..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_14.png deleted file mode 100644 index e3fbaf601..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_15.png deleted file mode 100644 index 5fa5e8eb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_16.png deleted file mode 100644 index c9a696c00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_17.png deleted file mode 100644 index f4483e803..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_18.png deleted file mode 100644 index fa5ff8f78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_19.png deleted file mode 100644 index 01f5d8070..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_20.png deleted file mode 100644 index 385c41231..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character39/0065_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_01.png deleted file mode 100644 index 94db5fdd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_02.png deleted file mode 100644 index af6bf7e7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_03.png deleted file mode 100644 index cecfd70c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_04.png deleted file mode 100644 index 8f45ae8bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_05.png deleted file mode 100644 index 612adfa6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_06.png deleted file mode 100644 index 5b6f843b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_07.png deleted file mode 100644 index 3ad8f3707..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_08.png deleted file mode 100644 index eb54230cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_09.png deleted file mode 100644 index 69e568d24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_10.png deleted file mode 100644 index c56875569..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_11.png deleted file mode 100644 index e11e86880..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_12.png deleted file mode 100644 index 733c2efee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_13.png deleted file mode 100644 index 1ded8bb4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_14.png deleted file mode 100644 index 7ae4bf6c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_15.png deleted file mode 100644 index 779ecf5f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_16.png deleted file mode 100644 index 6e9d21ef7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_17.png deleted file mode 100644 index 7793a5d47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_18.png deleted file mode 100644 index e4639131f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_19.png deleted file mode 100644 index 7cab0c6e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_20.png deleted file mode 100644 index 56e3c4761..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character40/0066_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_01.png deleted file mode 100644 index 238db8353..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_02.png deleted file mode 100644 index e61c1f4bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_03.png deleted file mode 100644 index 9593e3336..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_04.png deleted file mode 100644 index e0cde7715..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_05.png deleted file mode 100644 index a480e83d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_06.png deleted file mode 100644 index df508b3c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_07.png deleted file mode 100644 index c31136e1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_08.png deleted file mode 100644 index 8b6835416..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_09.png deleted file mode 100644 index 67c6890c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_10.png deleted file mode 100644 index 59cd34a2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_11.png deleted file mode 100644 index d83374d4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_12.png deleted file mode 100644 index 91b914d4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_13.png deleted file mode 100644 index 7118d3cbf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_14.png deleted file mode 100644 index 009e3a701..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_15.png deleted file mode 100644 index 38bfb7e71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_16.png deleted file mode 100644 index b200b7f07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_17.png deleted file mode 100644 index 26a94f071..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_18.png deleted file mode 100644 index 1945f2e8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_19.png deleted file mode 100644 index 4b8ff0639..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_20.png deleted file mode 100644 index bf842f3f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Armenian/character41/0067_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_01.png deleted file mode 100644 index b25effc12..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_02.png deleted file mode 100644 index 706930dae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_03.png deleted file mode 100644 index 750dd7a5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_04.png deleted file mode 100644 index 28e4a7554..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_05.png deleted file mode 100644 index 25388a66d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_06.png deleted file mode 100644 index 042e4a761..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_07.png deleted file mode 100644 index 7a2ff7479..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_08.png deleted file mode 100644 index 09ab50ecf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_09.png deleted file mode 100644 index caadfe67f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_10.png deleted file mode 100644 index c2099d353..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_11.png deleted file mode 100644 index 9c39f336e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_12.png deleted file mode 100644 index 8f2d082f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_13.png deleted file mode 100644 index 6dee20353..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_14.png deleted file mode 100644 index 9b7025ea8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_15.png deleted file mode 100644 index 1e6254160..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_16.png deleted file mode 100644 index 573de0d3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_17.png deleted file mode 100644 index 0d9bbec5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_18.png deleted file mode 100644 index 7f10a3093..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_19.png deleted file mode 100644 index 873789f14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_20.png deleted file mode 100644 index 78ac98cfe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_01.png deleted file mode 100644 index e02625436..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_02.png deleted file mode 100644 index 256295de8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_03.png deleted file mode 100644 index aa8963563..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_04.png deleted file mode 100644 index 979a0f80a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_05.png deleted file mode 100644 index c8b190487..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_06.png deleted file mode 100644 index 1dce3ae98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_07.png deleted file mode 100644 index 458957a9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_08.png deleted file mode 100644 index 5c3236885..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_09.png deleted file mode 100644 index 8ade42b0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_10.png deleted file mode 100644 index 8bce11430..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_11.png deleted file mode 100644 index 7f6b444f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_12.png deleted file mode 100644 index 3da06d29a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_13.png deleted file mode 100644 index e8c76714f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_14.png deleted file mode 100644 index e24cb4d11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_15.png deleted file mode 100644 index 0f14f1b69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_16.png deleted file mode 100644 index 2b454a7d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_17.png deleted file mode 100644 index 2ad1a29b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_18.png deleted file mode 100644 index 7c0000f70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_19.png deleted file mode 100644 index 6a14e0a63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_20.png deleted file mode 100644 index 12398046f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_01.png deleted file mode 100644 index 35014e832..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_02.png deleted file mode 100644 index 16118fd49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_03.png deleted file mode 100644 index 7a47fc967..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_04.png deleted file mode 100644 index fae3bc233..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_05.png deleted file mode 100644 index a827f8a84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_06.png deleted file mode 100644 index d34148e91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_07.png deleted file mode 100644 index 506128941..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_08.png deleted file mode 100644 index bcd8c184c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_09.png deleted file mode 100644 index c9e75356f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_10.png deleted file mode 100644 index b9bc2cee8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_11.png deleted file mode 100644 index 9d7a8df6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_12.png deleted file mode 100644 index b08b4a350..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_13.png deleted file mode 100644 index 21cdc6a18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_14.png deleted file mode 100644 index adb321daf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_15.png deleted file mode 100644 index d47367897..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_16.png deleted file mode 100644 index b2ee52d53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_17.png deleted file mode 100644 index a241580d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_18.png deleted file mode 100644 index 0a9fafd27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_19.png deleted file mode 100644 index bd1fb5835..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_20.png deleted file mode 100644 index ba15f9b03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_01.png deleted file mode 100644 index 72ede9367..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_02.png deleted file mode 100644 index 6b2fd9d5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_03.png deleted file mode 100644 index fab1b7225..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_04.png deleted file mode 100644 index f5c0c204f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_05.png deleted file mode 100644 index be82871e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_06.png deleted file mode 100644 index 95ee091b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_07.png deleted file mode 100644 index 01aa82943..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_08.png deleted file mode 100644 index fa63cb57b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_09.png deleted file mode 100644 index 870e7723b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_10.png deleted file mode 100644 index c15bfe83b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_11.png deleted file mode 100644 index e09531cec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_12.png deleted file mode 100644 index 23c423b81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_13.png deleted file mode 100644 index 0b7882d26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_14.png deleted file mode 100644 index 088a7e975..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_15.png deleted file mode 100644 index 5b6c0862b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_16.png deleted file mode 100644 index 129936585..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_17.png deleted file mode 100644 index 280e6beec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_18.png deleted file mode 100644 index 706f8b31f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_19.png deleted file mode 100644 index 7053d7291..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_20.png deleted file mode 100644 index 20c964319..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_01.png deleted file mode 100644 index c8f09de98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_02.png deleted file mode 100644 index 20eb20615..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_03.png deleted file mode 100644 index 247b5b38c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_04.png deleted file mode 100644 index 8224052de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_05.png deleted file mode 100644 index 07229bf52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_06.png deleted file mode 100644 index 804ae13f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_07.png deleted file mode 100644 index f8d853dce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_08.png deleted file mode 100644 index de7992ccc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_09.png deleted file mode 100644 index 22a9a3e0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_10.png deleted file mode 100644 index f01f924c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_11.png deleted file mode 100644 index 15154a8db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_12.png deleted file mode 100644 index 5de6ff402..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_13.png deleted file mode 100644 index 25eb2c058..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_14.png deleted file mode 100644 index c2416b446..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_15.png deleted file mode 100644 index 6883e3dea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_16.png deleted file mode 100644 index c227925ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_17.png deleted file mode 100644 index 365690873..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_18.png deleted file mode 100644 index 685e93d43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_19.png deleted file mode 100644 index c56da247f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_20.png deleted file mode 100644 index 91e6b9c21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_01.png deleted file mode 100644 index 733c5de2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_02.png deleted file mode 100644 index 62fb80c29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_03.png deleted file mode 100644 index 84f26463f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_04.png deleted file mode 100644 index 9e85a8237..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_05.png deleted file mode 100644 index 89928a1d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_06.png deleted file mode 100644 index dc78ba289..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_07.png deleted file mode 100644 index 1ffb5d960..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_08.png deleted file mode 100644 index 38bf6d3f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_09.png deleted file mode 100644 index eade7f252..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_10.png deleted file mode 100644 index 71a9c1cb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_11.png deleted file mode 100644 index a4ef09a8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_12.png deleted file mode 100644 index d015ab3a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_13.png deleted file mode 100644 index 794676cd4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_14.png deleted file mode 100644 index defbd11c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_15.png deleted file mode 100644 index 4ae3e016c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_16.png deleted file mode 100644 index 66381d0de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_17.png deleted file mode 100644 index dccc70c11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_18.png deleted file mode 100644 index 215380b49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_19.png deleted file mode 100644 index c0de72cd4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_20.png deleted file mode 100644 index a55bf20f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_01.png deleted file mode 100644 index ea031069f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_02.png deleted file mode 100644 index acdc16841..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_03.png deleted file mode 100644 index e3ca1b548..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_04.png deleted file mode 100644 index 7ed8c4af9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_05.png deleted file mode 100644 index 928e41b35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_06.png deleted file mode 100644 index bd5251383..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_07.png deleted file mode 100644 index 1c91a914c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_08.png deleted file mode 100644 index abf44555f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_09.png deleted file mode 100644 index 058923c5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_10.png deleted file mode 100644 index 99a6eafd4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_11.png deleted file mode 100644 index 8ac688d8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_12.png deleted file mode 100644 index 8754ebb5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_13.png deleted file mode 100644 index 5735e4fef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_14.png deleted file mode 100644 index cff1edc43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_15.png deleted file mode 100644 index 0192b0d3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_16.png deleted file mode 100644 index cb8b0228b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_17.png deleted file mode 100644 index 9a566541d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_18.png deleted file mode 100644 index 02f6acd20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_19.png deleted file mode 100644 index 0044a149b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_20.png deleted file mode 100644 index 24d87b429..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_01.png deleted file mode 100644 index dfc87d009..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_02.png deleted file mode 100644 index 668386c9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_03.png deleted file mode 100644 index 2783a04df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_04.png deleted file mode 100644 index 79ac10aa6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_05.png deleted file mode 100644 index 959383fad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_06.png deleted file mode 100644 index eea9d0405..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_07.png deleted file mode 100644 index 092509134..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_08.png deleted file mode 100644 index d22ab3899..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_09.png deleted file mode 100644 index 53b3fb089..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_10.png deleted file mode 100644 index e379d6831..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_11.png deleted file mode 100644 index 3cff0246c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_12.png deleted file mode 100644 index 4682b2812..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_13.png deleted file mode 100644 index 0d5951f69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_14.png deleted file mode 100644 index 89e6f5bdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_15.png deleted file mode 100644 index 9f83b885d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_16.png deleted file mode 100644 index 972a767f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_17.png deleted file mode 100644 index 9092b1113..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_18.png deleted file mode 100644 index 9759e396f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_19.png deleted file mode 100644 index 30ae09c5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_20.png deleted file mode 100644 index 9437ea0a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_01.png deleted file mode 100644 index 0d5f35b5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_02.png deleted file mode 100644 index e5dd3c7b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_03.png deleted file mode 100644 index b6a365b98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_04.png deleted file mode 100644 index 4a3345b0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_05.png deleted file mode 100644 index 9c9aaae4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_06.png deleted file mode 100644 index e29214e11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_07.png deleted file mode 100644 index ebd844151..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_08.png deleted file mode 100644 index 41b4fa9ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_09.png deleted file mode 100644 index e23b02e8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_10.png deleted file mode 100644 index 92d4ab0ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_11.png deleted file mode 100644 index 26dc2a09c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_12.png deleted file mode 100644 index 9ac8f8a21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_13.png deleted file mode 100644 index 50c64694e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_14.png deleted file mode 100644 index 15a7b1813..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_15.png deleted file mode 100644 index 9092dfc51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_16.png deleted file mode 100644 index 7b185c41f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_17.png deleted file mode 100644 index 0a2f27c84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_18.png deleted file mode 100644 index 1cf0028c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_19.png deleted file mode 100644 index 3e263bddf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_20.png deleted file mode 100644 index 180463355..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_01.png deleted file mode 100644 index 27a50359d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_02.png deleted file mode 100644 index b6a8fe881..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_03.png deleted file mode 100644 index 4f35a1a40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_04.png deleted file mode 100644 index c4763f1db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_05.png deleted file mode 100644 index 10a0f588e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_06.png deleted file mode 100644 index d1b43329b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_07.png deleted file mode 100644 index a7000bf64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_08.png deleted file mode 100644 index 5b9ed8e1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_09.png deleted file mode 100644 index 931669170..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_10.png deleted file mode 100644 index 682253d8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_11.png deleted file mode 100644 index 4beb67516..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_12.png deleted file mode 100644 index ac3d5aaf4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_13.png deleted file mode 100644 index 39f3cd6a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_14.png deleted file mode 100644 index 7e004fc96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_15.png deleted file mode 100644 index a5fe5b6e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_16.png deleted file mode 100644 index 30174b002..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_17.png deleted file mode 100644 index 7450e8435..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_18.png deleted file mode 100644 index 41ff6e4c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_19.png deleted file mode 100644 index 567fb3908..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_20.png deleted file mode 100644 index 5696a63e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_01.png deleted file mode 100644 index 33bf3b996..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_02.png deleted file mode 100644 index bbbb0c924..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_03.png deleted file mode 100644 index 7084819dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_04.png deleted file mode 100644 index 684a65cb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_05.png deleted file mode 100644 index ea032f89d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_06.png deleted file mode 100644 index 366bfb40c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_07.png deleted file mode 100644 index ea1cf47c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_08.png deleted file mode 100644 index 7d4d9952c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_09.png deleted file mode 100644 index 77faa44e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_10.png deleted file mode 100644 index ad886f9dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_11.png deleted file mode 100644 index 837d8b0f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_12.png deleted file mode 100644 index 98e57551b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_13.png deleted file mode 100644 index 16ab66434..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_14.png deleted file mode 100644 index a1163e0b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_15.png deleted file mode 100644 index a25442899..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_16.png deleted file mode 100644 index ae5d443f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_17.png deleted file mode 100644 index 77681a4f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_18.png deleted file mode 100644 index 5fab978dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_19.png deleted file mode 100644 index e5534f109..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_20.png deleted file mode 100644 index 5887c8362..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_01.png deleted file mode 100644 index 82db056c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_02.png deleted file mode 100644 index 6c08592e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_03.png deleted file mode 100644 index d5ce04493..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_04.png deleted file mode 100644 index 8c9d5cbd7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_05.png deleted file mode 100644 index 076e04bd7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_06.png deleted file mode 100644 index a1178e9f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_07.png deleted file mode 100644 index f3ca6597b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_08.png deleted file mode 100644 index ee419d4db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_09.png deleted file mode 100644 index dfd8d4790..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_10.png deleted file mode 100644 index aa431aec7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_11.png deleted file mode 100644 index cac93461c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_12.png deleted file mode 100644 index 063028d83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_13.png deleted file mode 100644 index 8d2a0e095..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_14.png deleted file mode 100644 index b499b172d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_15.png deleted file mode 100644 index ce6899f81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_16.png deleted file mode 100644 index 968b38816..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_17.png deleted file mode 100644 index 8f42c2284..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_18.png deleted file mode 100644 index 7ec4dd3c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_19.png deleted file mode 100644 index 00531abbc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_20.png deleted file mode 100644 index 8dc440991..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_01.png deleted file mode 100644 index 4f448adf6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_02.png deleted file mode 100644 index 28ad0f5f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_03.png deleted file mode 100644 index 726ebe22c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_04.png deleted file mode 100644 index d5fa5d258..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_05.png deleted file mode 100644 index db6e3a2b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_06.png deleted file mode 100644 index 088977678..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_07.png deleted file mode 100644 index 457b9388a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_08.png deleted file mode 100644 index 549c0e198..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_09.png deleted file mode 100644 index 3a2a7681e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_10.png deleted file mode 100644 index 5c51f91d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_11.png deleted file mode 100644 index b582c32d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_12.png deleted file mode 100644 index 59ef6e834..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_13.png deleted file mode 100644 index d240a87d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_14.png deleted file mode 100644 index 29733c7a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_15.png deleted file mode 100644 index 68c2bd53a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_16.png deleted file mode 100644 index d0320482e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_17.png deleted file mode 100644 index ac21d9f8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_18.png deleted file mode 100644 index 6af39ed9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_19.png deleted file mode 100644 index c0ffba511..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_20.png deleted file mode 100644 index cfc841c41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_01.png deleted file mode 100644 index 1e18a0ca8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_02.png deleted file mode 100644 index e7ea60b2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_03.png deleted file mode 100644 index 030739169..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_04.png deleted file mode 100644 index dd0171240..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_05.png deleted file mode 100644 index af77b81b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_06.png deleted file mode 100644 index 0f659c497..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_07.png deleted file mode 100644 index 8baaf6d59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_08.png deleted file mode 100644 index cb1da38c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_09.png deleted file mode 100644 index 37754e637..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_10.png deleted file mode 100644 index e18448c3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_11.png deleted file mode 100644 index a35d2aa0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_12.png deleted file mode 100644 index 98fdb606a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_13.png deleted file mode 100644 index eca7e4104..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_14.png deleted file mode 100644 index 5bf747a2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_15.png deleted file mode 100644 index 266b1f23b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_16.png deleted file mode 100644 index aa729e4f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_17.png deleted file mode 100644 index 355809155..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_18.png deleted file mode 100644 index b6bbc2d37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_19.png deleted file mode 100644 index 37c8c8acb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_20.png deleted file mode 100644 index f6b8f63f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_01.png deleted file mode 100644 index 154d618d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_02.png deleted file mode 100644 index feba1f021..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_03.png deleted file mode 100644 index cafe79abf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_04.png deleted file mode 100644 index 2c2ef0788..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_05.png deleted file mode 100644 index 916dc5bef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_06.png deleted file mode 100644 index cf8cb1c97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_07.png deleted file mode 100644 index 7e70e51e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_08.png deleted file mode 100644 index 62627c0be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_09.png deleted file mode 100644 index a7d33c2f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_10.png deleted file mode 100644 index b436e8fa5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_11.png deleted file mode 100644 index 749ace12c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_12.png deleted file mode 100644 index e5eb63afb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_13.png deleted file mode 100644 index 95f10649f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_14.png deleted file mode 100644 index 7b2bd474f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_15.png deleted file mode 100644 index d6a320547..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_16.png deleted file mode 100644 index d913a9559..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_17.png deleted file mode 100644 index 11d790769..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_18.png deleted file mode 100644 index ae4efd3db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_19.png deleted file mode 100644 index 93f9894ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_20.png deleted file mode 100644 index c29239cfd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_01.png deleted file mode 100644 index 40cfe3ba4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_02.png deleted file mode 100644 index 7e333c2b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_03.png deleted file mode 100644 index 739833ac3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_04.png deleted file mode 100644 index 094050488..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_05.png deleted file mode 100644 index 9dc135bc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_06.png deleted file mode 100644 index c634718a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_07.png deleted file mode 100644 index 297553dd6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_08.png deleted file mode 100644 index 55ebca7c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_09.png deleted file mode 100644 index c7a0c3018..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_10.png deleted file mode 100644 index ece94ffec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_11.png deleted file mode 100644 index 9d23a95c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_12.png deleted file mode 100644 index 2eb9ebf0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_13.png deleted file mode 100644 index e30f99b96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_14.png deleted file mode 100644 index e90e65fad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_15.png deleted file mode 100644 index 8c84f74bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_16.png deleted file mode 100644 index b62035e3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_17.png deleted file mode 100644 index 49bb3838e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_18.png deleted file mode 100644 index c001008c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_19.png deleted file mode 100644 index de2d5aac2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_20.png deleted file mode 100644 index d74fd62a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_01.png deleted file mode 100644 index 2074b9d47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_02.png deleted file mode 100644 index 28bd90991..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_03.png deleted file mode 100644 index 18eec6f80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_04.png deleted file mode 100644 index 6459f4af3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_05.png deleted file mode 100644 index 865051de8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_06.png deleted file mode 100644 index 01fdff302..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_07.png deleted file mode 100644 index 0aa3ff899..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_08.png deleted file mode 100644 index 22b1a1743..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_09.png deleted file mode 100644 index d1fa1e3d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_10.png deleted file mode 100644 index b6e2c260d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_11.png deleted file mode 100644 index 1856b8ead..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_12.png deleted file mode 100644 index 07ffb6cda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_13.png deleted file mode 100644 index 68a482360..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_14.png deleted file mode 100644 index eb125d0e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_15.png deleted file mode 100644 index e7cb959c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_16.png deleted file mode 100644 index 8290d833c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_17.png deleted file mode 100644 index 926d997d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_18.png deleted file mode 100644 index e65351591..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_19.png deleted file mode 100644 index 66279d7b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_20.png deleted file mode 100644 index 0443ba952..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_01.png deleted file mode 100644 index 959c6502c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_02.png deleted file mode 100644 index fb46e66e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_03.png deleted file mode 100644 index dbf90c8e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_04.png deleted file mode 100644 index c834f9af1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_05.png deleted file mode 100644 index af47681e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_06.png deleted file mode 100644 index 127cb6ba5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_07.png deleted file mode 100644 index f1d2dfdbc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_08.png deleted file mode 100644 index 6daacbabe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_09.png deleted file mode 100644 index 5c83a3299..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_10.png deleted file mode 100644 index e73816c97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_11.png deleted file mode 100644 index 08d97102e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_12.png deleted file mode 100644 index d5c87c597..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_13.png deleted file mode 100644 index 9fcaec44a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_14.png deleted file mode 100644 index 82f7f84c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_15.png deleted file mode 100644 index 1d88452f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_16.png deleted file mode 100644 index 8e2cf2f00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_17.png deleted file mode 100644 index f09eed5ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_18.png deleted file mode 100644 index 344cbde45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_19.png deleted file mode 100644 index 15983613e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_20.png deleted file mode 100644 index f37ccea34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_01.png deleted file mode 100644 index 67002fb01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_02.png deleted file mode 100644 index 9d66db9e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_03.png deleted file mode 100644 index b70af5c7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_04.png deleted file mode 100644 index 05ee5beb0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_05.png deleted file mode 100644 index ee758e3ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_06.png deleted file mode 100644 index 6b7384e55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_07.png deleted file mode 100644 index 2d11e8e01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_08.png deleted file mode 100644 index b42dc1ea3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_09.png deleted file mode 100644 index 0f63c7bbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_10.png deleted file mode 100644 index 05ee3daa5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_11.png deleted file mode 100644 index 1c82e3e55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_12.png deleted file mode 100644 index 0a26f6e4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_13.png deleted file mode 100644 index 3d5ce8e07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_14.png deleted file mode 100644 index 65be8852b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_15.png deleted file mode 100644 index 4318d7f31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_16.png deleted file mode 100644 index e5a80fcdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_17.png deleted file mode 100644 index 3cc1e4f68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_18.png deleted file mode 100644 index f64f08180..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_19.png deleted file mode 100644 index 5eddca15a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_20.png deleted file mode 100644 index 3d49dac95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_01.png deleted file mode 100644 index f02e40093..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_02.png deleted file mode 100644 index ea5160e3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_03.png deleted file mode 100644 index fd441f018..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_04.png deleted file mode 100644 index 87201083f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_05.png deleted file mode 100644 index 045e889a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_06.png deleted file mode 100644 index 475e636d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_07.png deleted file mode 100644 index 606a086ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_08.png deleted file mode 100644 index 00d08f65e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_09.png deleted file mode 100644 index e21f99658..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_10.png deleted file mode 100644 index f41c3a91e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_11.png deleted file mode 100644 index cfb762663..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_12.png deleted file mode 100644 index e5459a015..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_13.png deleted file mode 100644 index 3624e1968..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_14.png deleted file mode 100644 index 149cd8e0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_15.png deleted file mode 100644 index 6a83990f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_16.png deleted file mode 100644 index 97a857338..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_17.png deleted file mode 100644 index 1ba01f593..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_18.png deleted file mode 100644 index 1032e350c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_19.png deleted file mode 100644 index 787bb953e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_20.png deleted file mode 100644 index 595efcbec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_01.png deleted file mode 100644 index 1be36f88b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_02.png deleted file mode 100644 index 466a6b4a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_03.png deleted file mode 100644 index 9f7d623bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_04.png deleted file mode 100644 index 3a48df06c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_05.png deleted file mode 100644 index 3d0c0cd75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_06.png deleted file mode 100644 index 0a93caf5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_07.png deleted file mode 100644 index 347a0e61b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_08.png deleted file mode 100644 index e9acf47d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_09.png deleted file mode 100644 index aa63eb141..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_10.png deleted file mode 100644 index a561dc19c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_11.png deleted file mode 100644 index 25edada0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_12.png deleted file mode 100644 index a6b76f975..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_13.png deleted file mode 100644 index 4ff2ca8bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_14.png deleted file mode 100644 index d9a19624d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_15.png deleted file mode 100644 index 72152165e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_16.png deleted file mode 100644 index 563c9a6fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_17.png deleted file mode 100644 index d7a3f6a67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_18.png deleted file mode 100644 index 4c5114914..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_19.png deleted file mode 100644 index 0d3b5877b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_20.png deleted file mode 100644 index 8370d6f43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_01.png deleted file mode 100644 index 5673dd8c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_02.png deleted file mode 100644 index 49b43458f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_03.png deleted file mode 100644 index 2877780ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_04.png deleted file mode 100644 index debd0862a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_05.png deleted file mode 100644 index 2566df3eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_06.png deleted file mode 100644 index 6724cf018..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_07.png deleted file mode 100644 index e72cfe8dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_08.png deleted file mode 100644 index f7eaab841..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_09.png deleted file mode 100644 index 0656402c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_10.png deleted file mode 100644 index 94b54409e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_11.png deleted file mode 100644 index 8ad431acd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_12.png deleted file mode 100644 index 42272a113..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_13.png deleted file mode 100644 index cc285f131..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_14.png deleted file mode 100644 index d06ec60f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_15.png deleted file mode 100644 index e3b8a7483..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_16.png deleted file mode 100644 index 8613df436..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_17.png deleted file mode 100644 index c9321d222..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_18.png deleted file mode 100644 index a2d8aecf7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_19.png deleted file mode 100644 index b5a450b7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_20.png deleted file mode 100644 index f5c28d78b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_01.png deleted file mode 100644 index 4acbf5e23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_02.png deleted file mode 100644 index 9bfba9bfa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_03.png deleted file mode 100644 index b58aecbb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_04.png deleted file mode 100644 index 82af27a1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_05.png deleted file mode 100644 index 0381ca677..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_06.png deleted file mode 100644 index 9c4d07607..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_07.png deleted file mode 100644 index de9693807..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_08.png deleted file mode 100644 index e276b0af0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_09.png deleted file mode 100644 index dcc1274a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_10.png deleted file mode 100644 index b4a134f2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_11.png deleted file mode 100644 index 3aa7f9801..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_12.png deleted file mode 100644 index e3b264b0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_13.png deleted file mode 100644 index 77f211a0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_14.png deleted file mode 100644 index a10b6a429..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_15.png deleted file mode 100644 index 8639505f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_16.png deleted file mode 100644 index b82db7194..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_17.png deleted file mode 100644 index 92963bb14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_18.png deleted file mode 100644 index 89d1b127a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_19.png deleted file mode 100644 index 149f1e877..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_20.png deleted file mode 100644 index 2b6a462b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_01.png deleted file mode 100644 index 8cf056748..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_02.png deleted file mode 100644 index 5b5684a4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_03.png deleted file mode 100644 index 7e14449fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_04.png deleted file mode 100644 index eb039a593..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_05.png deleted file mode 100644 index b4a592404..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_06.png deleted file mode 100644 index b7b78bde1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_07.png deleted file mode 100644 index 609d23671..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_08.png deleted file mode 100644 index e99f9912f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_09.png deleted file mode 100644 index 8a13c09c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_10.png deleted file mode 100644 index 715ffd7b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_11.png deleted file mode 100644 index 9371ad4f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_12.png deleted file mode 100644 index cb5663eb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_13.png deleted file mode 100644 index e3263c2d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_14.png deleted file mode 100644 index 05669a79f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_15.png deleted file mode 100644 index 9e606204c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_16.png deleted file mode 100644 index 458fb6d7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_17.png deleted file mode 100644 index 65853a92d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_18.png deleted file mode 100644 index 23d930bfe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_19.png deleted file mode 100644 index 03673a70f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_20.png deleted file mode 100644 index aedc543fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_01.png deleted file mode 100644 index d4209d0c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_02.png deleted file mode 100644 index 2cfd12562..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_03.png deleted file mode 100644 index 0a09ad7ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_04.png deleted file mode 100644 index cc70551b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_05.png deleted file mode 100644 index 6d9dff7d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_06.png deleted file mode 100644 index 42311ce00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_07.png deleted file mode 100644 index 355e96e03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_08.png deleted file mode 100644 index b490b28d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_09.png deleted file mode 100644 index ef8041317..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_10.png deleted file mode 100644 index 6de5eb2f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_11.png deleted file mode 100644 index eaddedda2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_12.png deleted file mode 100644 index eb5da2f3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_13.png deleted file mode 100644 index 717c9c827..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_14.png deleted file mode 100644 index 8f2ae2c3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_15.png deleted file mode 100644 index a117bb8f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_16.png deleted file mode 100644 index c5efe77a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_17.png deleted file mode 100644 index e0d26b4dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_18.png deleted file mode 100644 index 91d5b6ca9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_19.png deleted file mode 100644 index e87d4d66b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_20.png deleted file mode 100644 index 32fbaa4ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_01.png deleted file mode 100644 index a1aa06cb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_02.png deleted file mode 100644 index b1abb0645..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_03.png deleted file mode 100644 index c30b5e428..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_04.png deleted file mode 100644 index e82f51290..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_05.png deleted file mode 100644 index 8403612b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_06.png deleted file mode 100644 index b06456b70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_07.png deleted file mode 100644 index 7c292d53a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_08.png deleted file mode 100644 index 358305b25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_09.png deleted file mode 100644 index 3f639a3c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_10.png deleted file mode 100644 index 61a750db5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_11.png deleted file mode 100644 index 50716866f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_12.png deleted file mode 100644 index 8bdb4e61d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_13.png deleted file mode 100644 index a10e67b5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_14.png deleted file mode 100644 index 10d3b4087..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_15.png deleted file mode 100644 index c82064839..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_16.png deleted file mode 100644 index 5123bbe75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_17.png deleted file mode 100644 index 4782c30f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_18.png deleted file mode 100644 index df048a242..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_19.png deleted file mode 100644 index d599dfd0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_20.png deleted file mode 100644 index 6ea95e8a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_01.png deleted file mode 100644 index 889557cd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_02.png deleted file mode 100644 index e55795294..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_03.png deleted file mode 100644 index 85bd3a2b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_04.png deleted file mode 100644 index 06f8875db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_05.png deleted file mode 100644 index a12752eb5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_06.png deleted file mode 100644 index 15a10ee0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_07.png deleted file mode 100644 index cb170bf3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_08.png deleted file mode 100644 index d757b1536..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_09.png deleted file mode 100644 index 8d0ca1029..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_10.png deleted file mode 100644 index 6c0f49537..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_11.png deleted file mode 100644 index 4e06efed5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_12.png deleted file mode 100644 index 0f54a0789..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_13.png deleted file mode 100644 index 0cd796df1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_14.png deleted file mode 100644 index ac33fc5f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_15.png deleted file mode 100644 index b9f2cfbaf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_16.png deleted file mode 100644 index 48aa14cc0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_17.png deleted file mode 100644 index 2725afc03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_18.png deleted file mode 100644 index 55f449375..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_19.png deleted file mode 100644 index 2a9de8117..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_20.png deleted file mode 100644 index 78496540f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_01.png deleted file mode 100644 index a5da25129..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_02.png deleted file mode 100644 index a12fb9461..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_03.png deleted file mode 100644 index d1b9bc12e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_04.png deleted file mode 100644 index 47df0e897..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_05.png deleted file mode 100644 index c469ce3b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_06.png deleted file mode 100644 index 36175b219..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_07.png deleted file mode 100644 index e5aabf383..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_08.png deleted file mode 100644 index a4cc4822a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_09.png deleted file mode 100644 index 016a86f46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_10.png deleted file mode 100644 index 2c4238efc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_11.png deleted file mode 100644 index 304b870f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_12.png deleted file mode 100644 index dfae67a7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_13.png deleted file mode 100644 index a46c42e14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_14.png deleted file mode 100644 index 3c4df82f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_15.png deleted file mode 100644 index 394fa0af6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_16.png deleted file mode 100644 index 7f782184a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_17.png deleted file mode 100644 index d1da8ae62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_18.png deleted file mode 100644 index 053bf1bf0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_19.png deleted file mode 100644 index c21673c3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_20.png deleted file mode 100644 index 08e640c5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_01.png deleted file mode 100644 index 9d0cbe5fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_02.png deleted file mode 100644 index 3d8d2764a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_03.png deleted file mode 100644 index c321b2a3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_04.png deleted file mode 100644 index fae718080..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_05.png deleted file mode 100644 index 17d46ec78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_06.png deleted file mode 100644 index 25d76a3bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_07.png deleted file mode 100644 index 468ab8318..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_08.png deleted file mode 100644 index c59319491..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_09.png deleted file mode 100644 index 7f0201060..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_10.png deleted file mode 100644 index 115a3c84c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_11.png deleted file mode 100644 index 4d129a6ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_12.png deleted file mode 100644 index 5d5f769a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_13.png deleted file mode 100644 index 291174ae3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_14.png deleted file mode 100644 index 85d4ca3bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_15.png deleted file mode 100644 index 3ed956043..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_16.png deleted file mode 100644 index 724aa4df4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_17.png deleted file mode 100644 index 9a16fdebe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_18.png deleted file mode 100644 index 9ab75fbcb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_19.png deleted file mode 100644 index 5951ada81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_20.png deleted file mode 100644 index 5a0cb1b94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_01.png deleted file mode 100644 index 8739f4347..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_02.png deleted file mode 100644 index 7e97acbc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_03.png deleted file mode 100644 index 9eb1cb42b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_04.png deleted file mode 100644 index c1aded8e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_05.png deleted file mode 100644 index 5981c2b51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_06.png deleted file mode 100644 index 41bf5d4ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_07.png deleted file mode 100644 index 1dc0fbdd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_08.png deleted file mode 100644 index ce74fc008..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_09.png deleted file mode 100644 index 7a879cc9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_10.png deleted file mode 100644 index 99e45e71e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_11.png deleted file mode 100644 index a12699cb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_12.png deleted file mode 100644 index 6dbd31906..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_13.png deleted file mode 100644 index 4762090a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_14.png deleted file mode 100644 index 045297762..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_15.png deleted file mode 100644 index 07f26ad0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_16.png deleted file mode 100644 index 5e38db797..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_17.png deleted file mode 100644 index 6b1652f7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_18.png deleted file mode 100644 index 606550bb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_19.png deleted file mode 100644 index 77282ad43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_20.png deleted file mode 100644 index 703a0e112..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_01.png deleted file mode 100644 index c1c4d94e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_02.png deleted file mode 100644 index 78d44c1d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_03.png deleted file mode 100644 index f314c7d18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_04.png deleted file mode 100644 index 3064230dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_05.png deleted file mode 100644 index 620f33ae0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_06.png deleted file mode 100644 index 3bbec3ad5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_07.png deleted file mode 100644 index 3eb78978d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_08.png deleted file mode 100644 index ffff392ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_09.png deleted file mode 100644 index 490baef67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_10.png deleted file mode 100644 index b464408a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_11.png deleted file mode 100644 index 93c8e83d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_12.png deleted file mode 100644 index 1b5a8efdb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_13.png deleted file mode 100644 index 4c3069080..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_14.png deleted file mode 100644 index d4bbe5f43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_15.png deleted file mode 100644 index 01fa81848..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_16.png deleted file mode 100644 index 914b22584..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_17.png deleted file mode 100644 index 51d6081e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_18.png deleted file mode 100644 index 0f577dbd7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_19.png deleted file mode 100644 index c54e5de62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_20.png deleted file mode 100644 index cd5a4d275..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_01.png deleted file mode 100644 index b3fdf85b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_02.png deleted file mode 100644 index f7d25f091..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_03.png deleted file mode 100644 index 486b1851a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_04.png deleted file mode 100644 index d752f7058..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_05.png deleted file mode 100644 index 483d11bf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_06.png deleted file mode 100644 index aea384886..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_07.png deleted file mode 100644 index 0eff78bdd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_08.png deleted file mode 100644 index be682e4ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_09.png deleted file mode 100644 index 711969e57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_10.png deleted file mode 100644 index 4f4a22ff7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_11.png deleted file mode 100644 index 1dbe92d73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_12.png deleted file mode 100644 index 600b0f92d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_13.png deleted file mode 100644 index 451a39095..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_14.png deleted file mode 100644 index 1d95c4249..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_15.png deleted file mode 100644 index 3eec96d44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_16.png deleted file mode 100644 index 50fe6381f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_17.png deleted file mode 100644 index 7e5b6eda4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_18.png deleted file mode 100644 index 1e627dc07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_19.png deleted file mode 100644 index 6fa972f3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_20.png deleted file mode 100644 index 7375f59f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_01.png deleted file mode 100644 index 59818159f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_02.png deleted file mode 100644 index 85a6f492b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_03.png deleted file mode 100644 index 0eb1e7a95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_04.png deleted file mode 100644 index ef11b9820..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_05.png deleted file mode 100644 index e593ca064..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_06.png deleted file mode 100644 index 4a40bf772..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_07.png deleted file mode 100644 index 45a3d3cf4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_08.png deleted file mode 100644 index 533d63a77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_09.png deleted file mode 100644 index ad68e1c7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_10.png deleted file mode 100644 index 79c17897f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_11.png deleted file mode 100644 index ad69cb0ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_12.png deleted file mode 100644 index 0efd7ba3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_13.png deleted file mode 100644 index 1eeb58821..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_14.png deleted file mode 100644 index 466c32323..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_15.png deleted file mode 100644 index 9349e9bc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_16.png deleted file mode 100644 index cc515f7ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_17.png deleted file mode 100644 index a1b29fcf5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_18.png deleted file mode 100644 index bf4988c43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_19.png deleted file mode 100644 index 727041651..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_20.png deleted file mode 100644 index 12fedb437..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_01.png deleted file mode 100644 index e2aefa4e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_02.png deleted file mode 100644 index 025f77fcd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_03.png deleted file mode 100644 index 42077d17f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_04.png deleted file mode 100644 index 7b8931bcd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_05.png deleted file mode 100644 index 0872b64e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_06.png deleted file mode 100644 index bff2ce289..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_07.png deleted file mode 100644 index ae4358a01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_08.png deleted file mode 100644 index a9d23ca7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_09.png deleted file mode 100644 index c3c7982d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_10.png deleted file mode 100644 index 32a2ea523..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_11.png deleted file mode 100644 index 1c897409b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_12.png deleted file mode 100644 index eeda3bc37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_13.png deleted file mode 100644 index 411806db6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_14.png deleted file mode 100644 index 0278c7310..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_15.png deleted file mode 100644 index 3cc9769a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_16.png deleted file mode 100644 index 13ff273bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_17.png deleted file mode 100644 index 34544437b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_18.png deleted file mode 100644 index 7f35ebb7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_19.png deleted file mode 100644 index b6d072cfb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_20.png deleted file mode 100644 index 70f688636..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_01.png deleted file mode 100644 index 3f0a4be2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_02.png deleted file mode 100644 index 75b083054..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_03.png deleted file mode 100644 index 164904c5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_04.png deleted file mode 100644 index d3c47750a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_05.png deleted file mode 100644 index 41450f34c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_06.png deleted file mode 100644 index 2f1ea2bf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_07.png deleted file mode 100644 index 477c02359..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_08.png deleted file mode 100644 index 2eba2bcf7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_09.png deleted file mode 100644 index d791fc5e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_10.png deleted file mode 100644 index 62a9e9bcd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_11.png deleted file mode 100644 index be680ffc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_12.png deleted file mode 100644 index 6299c63a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_13.png deleted file mode 100644 index 66afa0fcf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_14.png deleted file mode 100644 index 21ea4802d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_15.png deleted file mode 100644 index 0307870c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_16.png deleted file mode 100644 index b9fc054cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_17.png deleted file mode 100644 index 8f57691c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_18.png deleted file mode 100644 index a4a3e7c0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_19.png deleted file mode 100644 index 87f39b96b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_20.png deleted file mode 100644 index 88b5d3614..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_01.png deleted file mode 100644 index 6c5a424da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_02.png deleted file mode 100644 index 915fb90d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_03.png deleted file mode 100644 index 41fd36912..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_04.png deleted file mode 100644 index 8b9645436..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_05.png deleted file mode 100644 index 0ec370632..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_06.png deleted file mode 100644 index dcb51f7cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_07.png deleted file mode 100644 index e4e4d711c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_08.png deleted file mode 100644 index f3541720e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_09.png deleted file mode 100644 index b477b93e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_10.png deleted file mode 100644 index f3e130a8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_11.png deleted file mode 100644 index 9948a4362..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_12.png deleted file mode 100644 index 99f22849b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_13.png deleted file mode 100644 index 1153e1deb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_14.png deleted file mode 100644 index 4ae910294..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_15.png deleted file mode 100644 index 91943e594..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_16.png deleted file mode 100644 index 7d54390d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_17.png deleted file mode 100644 index 55b2705b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_18.png deleted file mode 100644 index 7c0f570b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_19.png deleted file mode 100644 index 0a6e90380..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_20.png deleted file mode 100644 index c06f466ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_01.png deleted file mode 100644 index 9a02813ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_02.png deleted file mode 100644 index e0dc90c55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_03.png deleted file mode 100644 index 405868b1d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_04.png deleted file mode 100644 index 8b92de7ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_05.png deleted file mode 100644 index 28366697a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_06.png deleted file mode 100644 index d3224cbe4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_07.png deleted file mode 100644 index b4536f3f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_08.png deleted file mode 100644 index 00ba6528c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_09.png deleted file mode 100644 index d60c9d7ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_10.png deleted file mode 100644 index 01095d619..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_11.png deleted file mode 100644 index 9c401e973..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_12.png deleted file mode 100644 index 196873955..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_13.png deleted file mode 100644 index f2845b668..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_14.png deleted file mode 100644 index da023c125..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_15.png deleted file mode 100644 index 596ccca66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_16.png deleted file mode 100644 index f885e017a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_17.png deleted file mode 100644 index 9a4a1326f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_18.png deleted file mode 100644 index 341634c3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_19.png deleted file mode 100644 index 986bfb38f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_20.png deleted file mode 100644 index 3f3541aa0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_01.png deleted file mode 100644 index 16c55d385..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_02.png deleted file mode 100644 index 6923557f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_03.png deleted file mode 100644 index 557b26d0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_04.png deleted file mode 100644 index 66ff83713..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_05.png deleted file mode 100644 index 2a601e0f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_06.png deleted file mode 100644 index b0766a818..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_07.png deleted file mode 100644 index 4939fbde5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_08.png deleted file mode 100644 index d775ff1ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_09.png deleted file mode 100644 index c76323e32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_10.png deleted file mode 100644 index fb0c83526..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_11.png deleted file mode 100644 index 99270856f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_12.png deleted file mode 100644 index 2ee729279..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_13.png deleted file mode 100644 index 00e3fdbf3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_14.png deleted file mode 100644 index 18d81abe8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_15.png deleted file mode 100644 index 755ba08c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_16.png deleted file mode 100644 index a31aec48b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_17.png deleted file mode 100644 index 5c027d139..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_18.png deleted file mode 100644 index 424112f29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_19.png deleted file mode 100644 index eb8b964e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_20.png deleted file mode 100644 index 44897e8e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_01.png deleted file mode 100644 index 5b84476e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_02.png deleted file mode 100644 index be8dd8985..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_03.png deleted file mode 100644 index c85dfacae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_04.png deleted file mode 100644 index 5e789baf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_05.png deleted file mode 100644 index 3a6e8586a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_06.png deleted file mode 100644 index 8b24f6e2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_07.png deleted file mode 100644 index 8eeb840da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_08.png deleted file mode 100644 index 1a75e2bf4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_09.png deleted file mode 100644 index e61fa88b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_10.png deleted file mode 100644 index ed36455ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_11.png deleted file mode 100644 index 05870d1f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_12.png deleted file mode 100644 index f9c6b0332..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_13.png deleted file mode 100644 index 2347f7c0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_14.png deleted file mode 100644 index a0625b792..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_15.png deleted file mode 100644 index 53a6a2a94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_16.png deleted file mode 100644 index 824a56be8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_17.png deleted file mode 100644 index 273883c2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_18.png deleted file mode 100644 index 30b55c868..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_19.png deleted file mode 100644 index e31483e13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_20.png deleted file mode 100644 index 5b88dcfed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_01.png deleted file mode 100644 index b060b1ab5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_02.png deleted file mode 100644 index f5f78f8cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_03.png deleted file mode 100644 index 303942d10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_04.png deleted file mode 100644 index db4dd16c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_05.png deleted file mode 100644 index 95049ec10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_06.png deleted file mode 100644 index 580ed29b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_07.png deleted file mode 100644 index 8bfe54656..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_08.png deleted file mode 100644 index 172702438..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_09.png deleted file mode 100644 index ee6cce74f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_10.png deleted file mode 100644 index 1fd7cbac7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_11.png deleted file mode 100644 index d7c9b128e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_12.png deleted file mode 100644 index a3a76b134..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_13.png deleted file mode 100644 index 6148f1fc8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_14.png deleted file mode 100644 index 7e1c43ef4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_15.png deleted file mode 100644 index cdf1f3c03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_16.png deleted file mode 100644 index 5b930da6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_17.png deleted file mode 100644 index 32335fff8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_18.png deleted file mode 100644 index a2c8ba7df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_19.png deleted file mode 100644 index ee894c3be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_20.png deleted file mode 100644 index 29c3fa7bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_01.png deleted file mode 100644 index d94af78e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_02.png deleted file mode 100644 index 3aa3be3e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_03.png deleted file mode 100644 index 9ebf900c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_04.png deleted file mode 100644 index b2ca36d84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_05.png deleted file mode 100644 index 3591b19e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_06.png deleted file mode 100644 index 1e612f55f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_07.png deleted file mode 100644 index 877061c6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_08.png deleted file mode 100644 index 4a11d702b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_09.png deleted file mode 100644 index 277a12acb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_10.png deleted file mode 100644 index e6d02f296..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_11.png deleted file mode 100644 index d8fc5950a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_12.png deleted file mode 100644 index ee6fafef1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_13.png deleted file mode 100644 index 7e7423ffb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_14.png deleted file mode 100644 index d5e1ebdb5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_15.png deleted file mode 100644 index 22d947c1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_16.png deleted file mode 100644 index c25f2e52e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_17.png deleted file mode 100644 index 1bc3f109a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_18.png deleted file mode 100644 index 1a01f8154..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_19.png deleted file mode 100644 index 702f1c5da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_20.png deleted file mode 100644 index 67dda0599..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character01/0108_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_01.png deleted file mode 100644 index bc40d7a25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_02.png deleted file mode 100644 index 20b8219af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_03.png deleted file mode 100644 index 6a0cfd536..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_04.png deleted file mode 100644 index 3d13a9428..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_05.png deleted file mode 100644 index 7942187ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_06.png deleted file mode 100644 index 14cc964f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_07.png deleted file mode 100644 index f7780697d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_08.png deleted file mode 100644 index 0ca17fd7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_09.png deleted file mode 100644 index f9a7c45fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_10.png deleted file mode 100644 index ad5bb1e2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_11.png deleted file mode 100644 index 51f3c4bec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_12.png deleted file mode 100644 index 218a5fcce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_13.png deleted file mode 100644 index cdcc7a9b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_14.png deleted file mode 100644 index 5da61d873..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_15.png deleted file mode 100644 index 9cee57324..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_16.png deleted file mode 100644 index 6de84a6db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_17.png deleted file mode 100644 index dfbbecdac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_18.png deleted file mode 100644 index 5bf8ff53c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_19.png deleted file mode 100644 index ef585d804..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_20.png deleted file mode 100644 index 432830e6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character02/0109_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_01.png deleted file mode 100644 index b17ff5cb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_02.png deleted file mode 100644 index a7068ecdd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_03.png deleted file mode 100644 index c969decc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_04.png deleted file mode 100644 index 035b48556..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_05.png deleted file mode 100644 index e2ade0b7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_06.png deleted file mode 100644 index e29e16ddb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_07.png deleted file mode 100644 index 745f45c1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_08.png deleted file mode 100644 index 8e2a1f940..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_09.png deleted file mode 100644 index 6f22181e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_10.png deleted file mode 100644 index 25aa54120..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_11.png deleted file mode 100644 index b7759bd7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_12.png deleted file mode 100644 index 213ded49c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_13.png deleted file mode 100644 index 0abe8164d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_14.png deleted file mode 100644 index 9f7ad23c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_15.png deleted file mode 100644 index 71b2583f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_16.png deleted file mode 100644 index 5a75e6c48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_17.png deleted file mode 100644 index 1569d5853..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_18.png deleted file mode 100644 index 4904f8406..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_19.png deleted file mode 100644 index a4972f96b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_20.png deleted file mode 100644 index 94475bd5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character03/0110_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_01.png deleted file mode 100644 index 065503019..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_02.png deleted file mode 100644 index 9e6937b15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_03.png deleted file mode 100644 index 8b4f5b4f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_04.png deleted file mode 100644 index ae66b0c1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_05.png deleted file mode 100644 index 794cbf37e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_06.png deleted file mode 100644 index ace354307..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_07.png deleted file mode 100644 index 970acee2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_08.png deleted file mode 100644 index 229a8156e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_09.png deleted file mode 100644 index be1dbde8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_10.png deleted file mode 100644 index 6599beb6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_11.png deleted file mode 100644 index b32642a22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_12.png deleted file mode 100644 index 76dab1662..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_13.png deleted file mode 100644 index 2a70f4c7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_14.png deleted file mode 100644 index 425f8aea2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_15.png deleted file mode 100644 index 67c9053db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_16.png deleted file mode 100644 index 92026b50d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_17.png deleted file mode 100644 index f67d478f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_18.png deleted file mode 100644 index 7de59b166..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_19.png deleted file mode 100644 index 016017042..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_20.png deleted file mode 100644 index aa5b89055..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character04/0111_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_01.png deleted file mode 100644 index 279d0ddc7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_02.png deleted file mode 100644 index c657cf5a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_03.png deleted file mode 100644 index e0ca05faa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_04.png deleted file mode 100644 index 8a40fdbd1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_05.png deleted file mode 100644 index fdc7e1563..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_06.png deleted file mode 100644 index ddaceb8d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_07.png deleted file mode 100644 index 5bb52220d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_08.png deleted file mode 100644 index 53b8f124c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_09.png deleted file mode 100644 index 115ba9863..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_10.png deleted file mode 100644 index f3df1e9b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_11.png deleted file mode 100644 index 128a01e2e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_12.png deleted file mode 100644 index 047ade65c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_13.png deleted file mode 100644 index 57615b544..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_14.png deleted file mode 100644 index ef69c7331..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_15.png deleted file mode 100644 index 78139e55d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_16.png deleted file mode 100644 index 9d266e3df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_17.png deleted file mode 100644 index aadfc8bca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_18.png deleted file mode 100644 index 24f7a6302..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_19.png deleted file mode 100644 index 632c9e4d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_20.png deleted file mode 100644 index 80b6e2904..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character05/0112_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_01.png deleted file mode 100644 index 28ea99acf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_02.png deleted file mode 100644 index a147affd6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_03.png deleted file mode 100644 index 53b9142f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_04.png deleted file mode 100644 index fc90a0183..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_05.png deleted file mode 100644 index faf2fab49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_06.png deleted file mode 100644 index 0fa8ac553..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_07.png deleted file mode 100644 index 4e6998cf3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_08.png deleted file mode 100644 index 2a1efdcb1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_09.png deleted file mode 100644 index 87ac5f2fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_10.png deleted file mode 100644 index 8709625e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_11.png deleted file mode 100644 index 7d30ac870..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_12.png deleted file mode 100644 index 4d314e97b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_13.png deleted file mode 100644 index 7d141d42d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_14.png deleted file mode 100644 index e628bfa73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_15.png deleted file mode 100644 index 0a2f390ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_16.png deleted file mode 100644 index 9c4ef4c6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_17.png deleted file mode 100644 index 7f81f319d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_18.png deleted file mode 100644 index c8612fdf5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_19.png deleted file mode 100644 index 1952eb9c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_20.png deleted file mode 100644 index 1f100375c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character06/0113_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_01.png deleted file mode 100644 index 9e7c43065..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_02.png deleted file mode 100644 index 42569021c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_03.png deleted file mode 100644 index 8c9a3703d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_04.png deleted file mode 100644 index 6ad87284a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_05.png deleted file mode 100644 index 5ab61c31f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_06.png deleted file mode 100644 index d667a1a36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_07.png deleted file mode 100644 index d05b46661..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_08.png deleted file mode 100644 index 4a6e0ca58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_09.png deleted file mode 100644 index 3a6851d5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_10.png deleted file mode 100644 index 08e5815d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_11.png deleted file mode 100644 index 3fa49802c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_12.png deleted file mode 100644 index d29410350..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_13.png deleted file mode 100644 index 450e80ef1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_14.png deleted file mode 100644 index e79c26f3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_15.png deleted file mode 100644 index 4fefaecd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_16.png deleted file mode 100644 index 4f02df3e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_17.png deleted file mode 100644 index 51be12aac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_18.png deleted file mode 100644 index bb32ae459..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_19.png deleted file mode 100644 index 40859e252..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_20.png deleted file mode 100644 index 6ace3de12..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character07/0114_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_01.png deleted file mode 100644 index 50792c200..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_02.png deleted file mode 100644 index 8160f4554..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_03.png deleted file mode 100644 index c420deaf7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_04.png deleted file mode 100644 index 3ef025f72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_05.png deleted file mode 100644 index df7bf9bac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_06.png deleted file mode 100644 index 658a6407e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_07.png deleted file mode 100644 index b446fad61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_08.png deleted file mode 100644 index 251dc104e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_09.png deleted file mode 100644 index 3883de8ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_10.png deleted file mode 100644 index de405fb8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_11.png deleted file mode 100644 index cd2c8212b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_12.png deleted file mode 100644 index c67c1b6e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_13.png deleted file mode 100644 index 71a59369b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_14.png deleted file mode 100644 index 63346c018..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_15.png deleted file mode 100644 index 990e7449b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_16.png deleted file mode 100644 index 361b12c34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_17.png deleted file mode 100644 index 7d50c06d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_18.png deleted file mode 100644 index fa0c049cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_19.png deleted file mode 100644 index a80643bdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_20.png deleted file mode 100644 index 77d67bf37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character08/0115_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_01.png deleted file mode 100644 index e995d8ef4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_02.png deleted file mode 100644 index 0fa57acca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_03.png deleted file mode 100644 index e95dd14c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_04.png deleted file mode 100644 index 457e576ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_05.png deleted file mode 100644 index 8460fdc77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_06.png deleted file mode 100644 index 932f78bfd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_07.png deleted file mode 100644 index 9d538b81e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_08.png deleted file mode 100644 index aaa7bea74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_09.png deleted file mode 100644 index 2c9dd05c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_10.png deleted file mode 100644 index dd2ccce24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_11.png deleted file mode 100644 index 937722287..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_12.png deleted file mode 100644 index d311adb71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_13.png deleted file mode 100644 index ff451f99a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_14.png deleted file mode 100644 index 66e58b1da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_15.png deleted file mode 100644 index 445dab6be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_16.png deleted file mode 100644 index 4838409a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_17.png deleted file mode 100644 index 6d0847479..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_18.png deleted file mode 100644 index faa40f0ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_19.png deleted file mode 100644 index c9afeea3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_20.png deleted file mode 100644 index 2b4501182..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character09/0116_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_01.png deleted file mode 100644 index 4f993bbd4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_02.png deleted file mode 100644 index 65e9c9fc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_03.png deleted file mode 100644 index 6a6568b56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_04.png deleted file mode 100644 index c7279e9fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_05.png deleted file mode 100644 index 5a5ca698d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_06.png deleted file mode 100644 index 882d64224..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_07.png deleted file mode 100644 index 87f5a9598..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_08.png deleted file mode 100644 index c76e2e570..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_09.png deleted file mode 100644 index 62d3bbf88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_10.png deleted file mode 100644 index 20e77a760..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_11.png deleted file mode 100644 index 7009a8b04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_12.png deleted file mode 100644 index b4c57d24b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_13.png deleted file mode 100644 index 3ce4ba38f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_14.png deleted file mode 100644 index f28a090f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_15.png deleted file mode 100644 index f63c705e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_16.png deleted file mode 100644 index 86953bf80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_17.png deleted file mode 100644 index 48244fede..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_18.png deleted file mode 100644 index e1eb02852..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_19.png deleted file mode 100644 index 4cae95f34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_20.png deleted file mode 100644 index de3b22ce6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character10/0117_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_01.png deleted file mode 100644 index 4b9e9352f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_02.png deleted file mode 100644 index 78f513266..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_03.png deleted file mode 100644 index 2d702a186..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_04.png deleted file mode 100644 index 9956c72a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_05.png deleted file mode 100644 index 3c5eb81b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_06.png deleted file mode 100644 index 3314e9e80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_07.png deleted file mode 100644 index 30b45a080..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_08.png deleted file mode 100644 index 111907665..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_09.png deleted file mode 100644 index 14503b39e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_10.png deleted file mode 100644 index 5039a6b7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_11.png deleted file mode 100644 index 3a2e292fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_12.png deleted file mode 100644 index b1947ec80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_13.png deleted file mode 100644 index 107ce0e03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_14.png deleted file mode 100644 index ed6fa8961..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_15.png deleted file mode 100644 index b342bb500..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_16.png deleted file mode 100644 index ed7d55d06..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_17.png deleted file mode 100644 index c86d6d4e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_18.png deleted file mode 100644 index 27f3d6481..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_19.png deleted file mode 100644 index 9842541fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_20.png deleted file mode 100644 index 32b3b34b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character11/0118_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_01.png deleted file mode 100644 index ba7727ff5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_02.png deleted file mode 100644 index 3ff90fb1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_03.png deleted file mode 100644 index b12b64247..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_04.png deleted file mode 100644 index 905786bc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_05.png deleted file mode 100644 index 9f95fa8eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_06.png deleted file mode 100644 index def00212e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_07.png deleted file mode 100644 index 7effebfa9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_08.png deleted file mode 100644 index 6eb373a3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_09.png deleted file mode 100644 index d771c78c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_10.png deleted file mode 100644 index 6bcb1eefc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_11.png deleted file mode 100644 index bde014d97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_12.png deleted file mode 100644 index 67d7ce7a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_13.png deleted file mode 100644 index d3e63a107..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_14.png deleted file mode 100644 index 720bc59d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_15.png deleted file mode 100644 index 8aeb46079..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_16.png deleted file mode 100644 index aeae8809f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_17.png deleted file mode 100644 index 1ad944591..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_18.png deleted file mode 100644 index 914f87447..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_19.png deleted file mode 100644 index 967acb579..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_20.png deleted file mode 100644 index 175376e7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character12/0119_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_01.png deleted file mode 100644 index 1c825204d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_02.png deleted file mode 100644 index 5dba5b018..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_03.png deleted file mode 100644 index 6de34efa5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_04.png deleted file mode 100644 index 92ba0e4cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_05.png deleted file mode 100644 index 2bf7063f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_06.png deleted file mode 100644 index 610ce36cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_07.png deleted file mode 100644 index c78ab9206..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_08.png deleted file mode 100644 index 17c0f80a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_09.png deleted file mode 100644 index e1aae0dcc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_10.png deleted file mode 100644 index 0b63e5065..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_11.png deleted file mode 100644 index 359f43f4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_12.png deleted file mode 100644 index 89ca573f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_13.png deleted file mode 100644 index bb4ae2c6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_14.png deleted file mode 100644 index d53005f5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_15.png deleted file mode 100644 index 99b20118f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_16.png deleted file mode 100644 index 44923fe77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_17.png deleted file mode 100644 index c1462ab45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_18.png deleted file mode 100644 index e354afaed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_19.png deleted file mode 100644 index bafc02952..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_20.png deleted file mode 100644 index 9d4425f74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character13/0120_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_01.png deleted file mode 100644 index bab865e5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_02.png deleted file mode 100644 index 336670d68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_03.png deleted file mode 100644 index ffac0c7eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_04.png deleted file mode 100644 index 218c16765..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_05.png deleted file mode 100644 index 46cbc3a20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_06.png deleted file mode 100644 index 63a98d433..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_07.png deleted file mode 100644 index 5eea36f09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_08.png deleted file mode 100644 index d8252c637..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_09.png deleted file mode 100644 index 08d99fcc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_10.png deleted file mode 100644 index 654c4b364..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_11.png deleted file mode 100644 index 73dcd451d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_12.png deleted file mode 100644 index cdf3a259b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_13.png deleted file mode 100644 index 4d5c09840..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_14.png deleted file mode 100644 index c829057c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_15.png deleted file mode 100644 index cb42ab329..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_16.png deleted file mode 100644 index 63ec8adce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_17.png deleted file mode 100644 index 0985fb8bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_18.png deleted file mode 100644 index 703863a10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_19.png deleted file mode 100644 index 733aa3f70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_20.png deleted file mode 100644 index 081854069..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character14/0121_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_01.png deleted file mode 100644 index 80a14bb2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_02.png deleted file mode 100644 index e48353d87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_03.png deleted file mode 100644 index 1fd226d72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_04.png deleted file mode 100644 index cc4bca0c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_05.png deleted file mode 100644 index 895a77a5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_06.png deleted file mode 100644 index 0f1ea0892..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_07.png deleted file mode 100644 index 162e9dd74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_08.png deleted file mode 100644 index bc1cfc083..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_09.png deleted file mode 100644 index 7052d2c35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_10.png deleted file mode 100644 index bc8f22942..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_11.png deleted file mode 100644 index 5b635e5b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_12.png deleted file mode 100644 index 5795b5ac6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_13.png deleted file mode 100644 index 9401deef1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_14.png deleted file mode 100644 index a312ae284..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_15.png deleted file mode 100644 index 99c931b5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_16.png deleted file mode 100644 index 81d77e51b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_17.png deleted file mode 100644 index 63c412758..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_18.png deleted file mode 100644 index b410ad11d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_19.png deleted file mode 100644 index 7fc68347d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_20.png deleted file mode 100644 index 732cdb47f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character15/0122_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_01.png deleted file mode 100644 index db089f514..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_02.png deleted file mode 100644 index aa9d0dd44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_03.png deleted file mode 100644 index dc5710e84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_04.png deleted file mode 100644 index dc48c08d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_05.png deleted file mode 100644 index bdd85e0ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_06.png deleted file mode 100644 index 687851d86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_07.png deleted file mode 100644 index c324b29a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_08.png deleted file mode 100644 index 7d8e3282a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_09.png deleted file mode 100644 index 599ae8114..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_10.png deleted file mode 100644 index 5a4864485..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_11.png deleted file mode 100644 index d5815e793..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_12.png deleted file mode 100644 index 6c4bff814..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_13.png deleted file mode 100644 index 6f253ce57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_14.png deleted file mode 100644 index 8a6302274..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_15.png deleted file mode 100644 index 619204de9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_16.png deleted file mode 100644 index cae83bec1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_17.png deleted file mode 100644 index 05bf6c6ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_18.png deleted file mode 100644 index 8144123c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_19.png deleted file mode 100644 index b35aacd05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_20.png deleted file mode 100644 index a1d7a63bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character16/0123_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_01.png deleted file mode 100644 index d1e7b7cb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_02.png deleted file mode 100644 index 60035ceed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_03.png deleted file mode 100644 index 9c69feea9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_04.png deleted file mode 100644 index a89d794c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_05.png deleted file mode 100644 index 01ad88894..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_06.png deleted file mode 100644 index e31e1a8bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_07.png deleted file mode 100644 index 673d916b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_08.png deleted file mode 100644 index c60cbfbd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_09.png deleted file mode 100644 index 9407c7362..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_10.png deleted file mode 100644 index 9e0715045..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_11.png deleted file mode 100644 index b8881f32e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_12.png deleted file mode 100644 index 6520d8f3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_13.png deleted file mode 100644 index 41f1d1ff8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_14.png deleted file mode 100644 index 4ef170b1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_15.png deleted file mode 100644 index 89b24e105..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_16.png deleted file mode 100644 index 470cf08eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_17.png deleted file mode 100644 index 3309a2203..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_18.png deleted file mode 100644 index 189fc71d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_19.png deleted file mode 100644 index 599969eb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_20.png deleted file mode 100644 index 62c136fe0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character17/0124_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_01.png deleted file mode 100644 index cb6004d05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_02.png deleted file mode 100644 index 2c7fd353e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_03.png deleted file mode 100644 index 0b4d00c8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_04.png deleted file mode 100644 index 2d8515c40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_05.png deleted file mode 100644 index fef596a3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_06.png deleted file mode 100644 index a1a27ec08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_07.png deleted file mode 100644 index 9f4a94e03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_08.png deleted file mode 100644 index 973610c78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_09.png deleted file mode 100644 index 552836c55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_10.png deleted file mode 100644 index b52481e30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_11.png deleted file mode 100644 index 3b3b559c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_12.png deleted file mode 100644 index 4f3fef810..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_13.png deleted file mode 100644 index 6a7d9bd14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_14.png deleted file mode 100644 index 0dfb18d0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_15.png deleted file mode 100644 index b263c1fdb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_16.png deleted file mode 100644 index d01ff4e8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_17.png deleted file mode 100644 index 803867d80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_18.png deleted file mode 100644 index b36dc488b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_19.png deleted file mode 100644 index 208822dc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_20.png deleted file mode 100644 index 6ad72f9ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character18/0125_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_01.png deleted file mode 100644 index 1c3eedcb1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_02.png deleted file mode 100644 index d67723bac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_03.png deleted file mode 100644 index b35fa6689..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_04.png deleted file mode 100644 index f31b0c088..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_05.png deleted file mode 100644 index 5f3dda447..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_06.png deleted file mode 100644 index 86819a559..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_07.png deleted file mode 100644 index 69365cb8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_08.png deleted file mode 100644 index 0bbe636c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_09.png deleted file mode 100644 index 19f993ea2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_10.png deleted file mode 100644 index cad85f88e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_11.png deleted file mode 100644 index 18f4a7906..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_12.png deleted file mode 100644 index 8988d3c95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_13.png deleted file mode 100644 index 5d96eb506..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_14.png deleted file mode 100644 index 59ca43821..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_15.png deleted file mode 100644 index 9ae065836..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_16.png deleted file mode 100644 index 3c919ec86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_17.png deleted file mode 100644 index fce3d6de0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_18.png deleted file mode 100644 index bf140517e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_19.png deleted file mode 100644 index eaaf69512..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_20.png deleted file mode 100644 index ee9768285..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character19/0126_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_01.png deleted file mode 100644 index 2876b764e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_02.png deleted file mode 100644 index dc9a99aa3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_03.png deleted file mode 100644 index 79436f8ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_04.png deleted file mode 100644 index c50fe3fa3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_05.png deleted file mode 100644 index fe24fcd41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_06.png deleted file mode 100644 index 41a57067c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_07.png deleted file mode 100644 index a598bd71e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_08.png deleted file mode 100644 index 435f850a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_09.png deleted file mode 100644 index bf88c8338..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_10.png deleted file mode 100644 index 011b49505..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_11.png deleted file mode 100644 index 4e045ec30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_12.png deleted file mode 100644 index 2fa02341f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_13.png deleted file mode 100644 index 31dc4eb46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_14.png deleted file mode 100644 index d2628fdbb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_15.png deleted file mode 100644 index 49117bb1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_16.png deleted file mode 100644 index 087dc7fe2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_17.png deleted file mode 100644 index 8194aea7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_18.png deleted file mode 100644 index 9e14175e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_19.png deleted file mode 100644 index 831303b42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_20.png deleted file mode 100644 index 15e4690c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character20/0127_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_01.png deleted file mode 100644 index 752c6222c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_02.png deleted file mode 100644 index 45023c198..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_03.png deleted file mode 100644 index 63e27b514..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_04.png deleted file mode 100644 index eeedcad0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_05.png deleted file mode 100644 index 09bd73bda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_06.png deleted file mode 100644 index 311d67854..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_07.png deleted file mode 100644 index 7d568db80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_08.png deleted file mode 100644 index 0d7dfda2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_09.png deleted file mode 100644 index d7719bec4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_10.png deleted file mode 100644 index c9d2a6794..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_11.png deleted file mode 100644 index 63e674de6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_12.png deleted file mode 100644 index 8e8e5351f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_13.png deleted file mode 100644 index 8655158ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_14.png deleted file mode 100644 index 463c0deeb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_15.png deleted file mode 100644 index e14df24ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_16.png deleted file mode 100644 index d469045e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_17.png deleted file mode 100644 index 14e55ce65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_18.png deleted file mode 100644 index 30c2c1c14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_19.png deleted file mode 100644 index 911386aa7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_20.png deleted file mode 100644 index e8ae2d951..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character21/0128_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_01.png deleted file mode 100644 index 29b5be66f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_02.png deleted file mode 100644 index 540eddceb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_03.png deleted file mode 100644 index a4dedfc94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_04.png deleted file mode 100644 index 6c7007f57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_05.png deleted file mode 100644 index 68e6fa5be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_06.png deleted file mode 100644 index 2506f5e4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_07.png deleted file mode 100644 index 72612a642..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_08.png deleted file mode 100644 index 4001e8b75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_09.png deleted file mode 100644 index 507766279..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_10.png deleted file mode 100644 index 056366f5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_11.png deleted file mode 100644 index f11dd01b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_12.png deleted file mode 100644 index 6717b96a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_13.png deleted file mode 100644 index 7ea56e5ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_14.png deleted file mode 100644 index 07a80c3ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_15.png deleted file mode 100644 index 8f1c924a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_16.png deleted file mode 100644 index ef73a52d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_17.png deleted file mode 100644 index 8af59d378..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_18.png deleted file mode 100644 index 6a3cdf050..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_19.png deleted file mode 100644 index 5f3518d3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_20.png deleted file mode 100644 index 57b5d9828..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character22/0129_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_01.png deleted file mode 100644 index 710ab844a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_02.png deleted file mode 100644 index 99669712c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_03.png deleted file mode 100644 index faf688806..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_04.png deleted file mode 100644 index a32f69785..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_05.png deleted file mode 100644 index 0b85a472d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_06.png deleted file mode 100644 index 6fe3474c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_07.png deleted file mode 100644 index d1d2edfd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_08.png deleted file mode 100644 index 5eda6a33c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_09.png deleted file mode 100644 index e205a73fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_10.png deleted file mode 100644 index cd712b39a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_11.png deleted file mode 100644 index 294206079..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_12.png deleted file mode 100644 index b63780f7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_13.png deleted file mode 100644 index b60c870b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_14.png deleted file mode 100644 index 1d6d4a4c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_15.png deleted file mode 100644 index c840ff22b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_16.png deleted file mode 100644 index a1443f4a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_17.png deleted file mode 100644 index 2a4875d44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_18.png deleted file mode 100644 index 4abbb0aa8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_19.png deleted file mode 100644 index e85e50dee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_20.png deleted file mode 100644 index d59972223..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character23/0130_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_01.png deleted file mode 100644 index 096fd0c96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_02.png deleted file mode 100644 index 919498934..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_03.png deleted file mode 100644 index b010dce9d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_04.png deleted file mode 100644 index 118281d17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_05.png deleted file mode 100644 index 46b5be628..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_06.png deleted file mode 100644 index f0304d2e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_07.png deleted file mode 100644 index 786b1c884..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_08.png deleted file mode 100644 index 27eb4c8e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_09.png deleted file mode 100644 index dc9ca6f1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_10.png deleted file mode 100644 index e851d7655..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_11.png deleted file mode 100644 index eaf0d03af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_12.png deleted file mode 100644 index b2fcbede3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_13.png deleted file mode 100644 index f05e06c8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_14.png deleted file mode 100644 index a8d1baf1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_15.png deleted file mode 100644 index 2a5dafc18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_16.png deleted file mode 100644 index 3afd4862c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_17.png deleted file mode 100644 index 13f0ca7a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_18.png deleted file mode 100644 index 5ecc67064..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_19.png deleted file mode 100644 index 1d5c2ac0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_20.png deleted file mode 100644 index 68f87ae8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Balinese/character24/0131_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_01.png deleted file mode 100644 index 19478fe44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_02.png deleted file mode 100644 index dfd01c77b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_03.png deleted file mode 100644 index 9efb25bab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_04.png deleted file mode 100644 index d3ea54bec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_05.png deleted file mode 100644 index 61e03bd16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_06.png deleted file mode 100644 index b1cff4abe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_07.png deleted file mode 100644 index ee7aaaac0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_08.png deleted file mode 100644 index ddf1a3754..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_09.png deleted file mode 100644 index 378dc3d7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_10.png deleted file mode 100644 index 5a419554c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_11.png deleted file mode 100644 index 00b64efc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_12.png deleted file mode 100644 index 30aa9028b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_13.png deleted file mode 100644 index 22af57192..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_14.png deleted file mode 100644 index 2a829ce95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_15.png deleted file mode 100644 index f4f3badf4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_16.png deleted file mode 100644 index 1b2d79842..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_17.png deleted file mode 100644 index d4899e0e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_18.png deleted file mode 100644 index 47047f920..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_19.png deleted file mode 100644 index b59b1a4d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_20.png deleted file mode 100644 index 4500d167d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character01/0132_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_01.png deleted file mode 100644 index e943cf056..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_02.png deleted file mode 100644 index faeb75acc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_03.png deleted file mode 100644 index 4f94956de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_04.png deleted file mode 100644 index 2f50a59a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_05.png deleted file mode 100644 index 473ed9dbc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_06.png deleted file mode 100644 index 1c0a2e953..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_07.png deleted file mode 100644 index c5a51de42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_08.png deleted file mode 100644 index b1cf8fba5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_09.png deleted file mode 100644 index e92828175..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_10.png deleted file mode 100644 index da8de5982..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_11.png deleted file mode 100644 index 5646d4aa2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_12.png deleted file mode 100644 index c11dc51c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_13.png deleted file mode 100644 index 00d0a06d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_14.png deleted file mode 100644 index e141856e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_15.png deleted file mode 100644 index 02a7f45a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_16.png deleted file mode 100644 index fb16f39a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_17.png deleted file mode 100644 index f038ca39b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_18.png deleted file mode 100644 index 0b3452d67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_19.png deleted file mode 100644 index ebff1103c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_20.png deleted file mode 100644 index f4ebe6151..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character02/0133_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_01.png deleted file mode 100644 index 699c53420..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_02.png deleted file mode 100644 index 3f0763d3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_03.png deleted file mode 100644 index 10a4f22ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_04.png deleted file mode 100644 index 94af19f30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_05.png deleted file mode 100644 index bc626350c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_06.png deleted file mode 100644 index 1348d12a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_07.png deleted file mode 100644 index cb3d71244..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_08.png deleted file mode 100644 index a5437d6db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_09.png deleted file mode 100644 index 2fb6fea10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_10.png deleted file mode 100644 index 4bf2785a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_11.png deleted file mode 100644 index 2d221a63c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_12.png deleted file mode 100644 index 63ded1aed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_13.png deleted file mode 100644 index 8a071d21d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_14.png deleted file mode 100644 index 233f696a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_15.png deleted file mode 100644 index 02bd9d451..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_16.png deleted file mode 100644 index 5fd84adac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_17.png deleted file mode 100644 index 1f96d6b76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_18.png deleted file mode 100644 index 75e100143..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_19.png deleted file mode 100644 index ef08cef6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_20.png deleted file mode 100644 index 10bcd8169..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character03/0134_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_01.png deleted file mode 100644 index 23734b0eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_02.png deleted file mode 100644 index b0c635e04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_03.png deleted file mode 100644 index 13181b1cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_04.png deleted file mode 100644 index e0dcdfebf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_05.png deleted file mode 100644 index 43e10c341..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_06.png deleted file mode 100644 index 1f00bbd63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_07.png deleted file mode 100644 index c428f46f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_08.png deleted file mode 100644 index b8906d7ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_09.png deleted file mode 100644 index 03e8bef5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_10.png deleted file mode 100644 index 0059c4bd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_11.png deleted file mode 100644 index 8ed48ea6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_12.png deleted file mode 100644 index 9e5f4f8dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_13.png deleted file mode 100644 index d2c7fce31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_14.png deleted file mode 100644 index 4b4076336..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_15.png deleted file mode 100644 index c5e5e0a08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_16.png deleted file mode 100644 index 33ee7d825..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_17.png deleted file mode 100644 index 9c3c62523..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_18.png deleted file mode 100644 index f17d57789..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_19.png deleted file mode 100644 index a85a9857e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_20.png deleted file mode 100644 index a84ef3356..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character04/0135_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_01.png deleted file mode 100644 index 9c2800513..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_02.png deleted file mode 100644 index 23d9bb69f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_03.png deleted file mode 100644 index 5c695168f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_04.png deleted file mode 100644 index e20da333b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_05.png deleted file mode 100644 index 3108ceaec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_06.png deleted file mode 100644 index 5d91c86c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_07.png deleted file mode 100644 index aef7c4006..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_08.png deleted file mode 100644 index d0f830eab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_09.png deleted file mode 100644 index b5ca88dca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_10.png deleted file mode 100644 index 3282f3818..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_11.png deleted file mode 100644 index dc76040e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_12.png deleted file mode 100644 index 7319c36fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_13.png deleted file mode 100644 index 9c2fde0ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_14.png deleted file mode 100644 index 525db50be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_15.png deleted file mode 100644 index 0ad290e7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_16.png deleted file mode 100644 index 146797dea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_17.png deleted file mode 100644 index a9be1014f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_18.png deleted file mode 100644 index 0f918e792..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_19.png deleted file mode 100644 index 00a2c211b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_20.png deleted file mode 100644 index 0d619cdc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character05/0136_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_01.png deleted file mode 100644 index f842c6d27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_02.png deleted file mode 100644 index 8a3271fd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_03.png deleted file mode 100644 index 06ac3a600..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_04.png deleted file mode 100644 index ab50c14d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_05.png deleted file mode 100644 index 44482f037..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_06.png deleted file mode 100644 index 39fc7bdb1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_07.png deleted file mode 100644 index 963537da6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_08.png deleted file mode 100644 index 0658d8465..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_09.png deleted file mode 100644 index 7962121d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_10.png deleted file mode 100644 index 8bd70dc51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_11.png deleted file mode 100644 index a095b464f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_12.png deleted file mode 100644 index 5e1b956e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_13.png deleted file mode 100644 index cb9a1fad8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_14.png deleted file mode 100644 index f1479875d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_15.png deleted file mode 100644 index be463f3b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_16.png deleted file mode 100644 index 101cce6c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_17.png deleted file mode 100644 index 214c111b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_18.png deleted file mode 100644 index 02f1ee2df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_19.png deleted file mode 100644 index 508cee347..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_20.png deleted file mode 100644 index 9895d9faf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character06/0137_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_01.png deleted file mode 100644 index 71b58d544..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_02.png deleted file mode 100644 index 557013132..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_03.png deleted file mode 100644 index 6c07ca87f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_04.png deleted file mode 100644 index 363dedab8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_05.png deleted file mode 100644 index c45f81d76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_06.png deleted file mode 100644 index 1b239f19e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_07.png deleted file mode 100644 index fc0b3301b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_08.png deleted file mode 100644 index 72c133a03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_09.png deleted file mode 100644 index 4956f607f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_10.png deleted file mode 100644 index 35c50f680..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_11.png deleted file mode 100644 index 98f616d66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_12.png deleted file mode 100644 index 9ab5e4cf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_13.png deleted file mode 100644 index d711a4e14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_14.png deleted file mode 100644 index 30234c42f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_15.png deleted file mode 100644 index 74e6be70b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_16.png deleted file mode 100644 index 90e61d4f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_17.png deleted file mode 100644 index 7829d128b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_18.png deleted file mode 100644 index 5d06d3e44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_19.png deleted file mode 100644 index ac48fe432..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_20.png deleted file mode 100644 index de361f4ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character07/0138_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_01.png deleted file mode 100644 index 362b50758..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_02.png deleted file mode 100644 index ad5e513e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_03.png deleted file mode 100644 index c847a47fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_04.png deleted file mode 100644 index a37261bee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_05.png deleted file mode 100644 index f01c7006e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_06.png deleted file mode 100644 index 83178972a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_07.png deleted file mode 100644 index caab09755..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_08.png deleted file mode 100644 index 156c13442..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_09.png deleted file mode 100644 index 91f5db091..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_10.png deleted file mode 100644 index b4577ed06..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_11.png deleted file mode 100644 index 062a58f14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_12.png deleted file mode 100644 index 5cae07b86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_13.png deleted file mode 100644 index 64fbd2142..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_14.png deleted file mode 100644 index 4272f4740..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_15.png deleted file mode 100644 index 5f5f76904..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_16.png deleted file mode 100644 index 40e9cb992..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_17.png deleted file mode 100644 index 001c1d413..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_18.png deleted file mode 100644 index 505139377..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_19.png deleted file mode 100644 index be832caf0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_20.png deleted file mode 100644 index c7f1bea4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character08/0139_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_01.png deleted file mode 100644 index a04e53fa1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_02.png deleted file mode 100644 index c7078fce3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_03.png deleted file mode 100644 index 1e24a2d44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_04.png deleted file mode 100644 index 84c090e61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_05.png deleted file mode 100644 index 89127f709..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_06.png deleted file mode 100644 index 0570661b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_07.png deleted file mode 100644 index 51d155901..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_08.png deleted file mode 100644 index 1b41b943a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_09.png deleted file mode 100644 index 234f1f520..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_10.png deleted file mode 100644 index 632a30d7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_11.png deleted file mode 100644 index d230372a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_12.png deleted file mode 100644 index 814fadbc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_13.png deleted file mode 100644 index 203ce06e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_14.png deleted file mode 100644 index cafc662f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_15.png deleted file mode 100644 index bdfaa6019..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_16.png deleted file mode 100644 index b618d021a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_17.png deleted file mode 100644 index 3eb892b22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_18.png deleted file mode 100644 index dbb67f3bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_19.png deleted file mode 100644 index a09feefc8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_20.png deleted file mode 100644 index 728cb5be2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character09/0140_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_01.png deleted file mode 100644 index 3dcd5a19f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_02.png deleted file mode 100644 index 154220a30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_03.png deleted file mode 100644 index 10e8fa93b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_04.png deleted file mode 100644 index cf70ee1a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_05.png deleted file mode 100644 index 09f13c7e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_06.png deleted file mode 100644 index a23d57f1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_07.png deleted file mode 100644 index e4307a1aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_08.png deleted file mode 100644 index 00a15917e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_09.png deleted file mode 100644 index 15593be27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_10.png deleted file mode 100644 index ef5fe991e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_11.png deleted file mode 100644 index ea60e0c76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_12.png deleted file mode 100644 index e2f621900..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_13.png deleted file mode 100644 index 52c7f1055..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_14.png deleted file mode 100644 index 3f24fedc4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_15.png deleted file mode 100644 index fa44aff7b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_16.png deleted file mode 100644 index a1866d3ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_17.png deleted file mode 100644 index addc6b189..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_18.png deleted file mode 100644 index deacf683c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_19.png deleted file mode 100644 index a14c2a337..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_20.png deleted file mode 100644 index 12d1482e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character10/0141_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_01.png deleted file mode 100644 index 231dc180d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_02.png deleted file mode 100644 index c4a976d32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_03.png deleted file mode 100644 index 45d2531c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_04.png deleted file mode 100644 index 39c2d5922..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_05.png deleted file mode 100644 index 78f3ce634..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_06.png deleted file mode 100644 index 55be2c157..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_07.png deleted file mode 100644 index c04776f38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_08.png deleted file mode 100644 index d74116d8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_09.png deleted file mode 100644 index 3cf4bc449..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_10.png deleted file mode 100644 index 8f98f9a55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_11.png deleted file mode 100644 index e8784d326..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_12.png deleted file mode 100644 index b721a18e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_13.png deleted file mode 100644 index 4d194c4c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_14.png deleted file mode 100644 index 85d8fb59d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_15.png deleted file mode 100644 index fad43728b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_16.png deleted file mode 100644 index 4a392461a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_17.png deleted file mode 100644 index 619d3674c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_18.png deleted file mode 100644 index 24ab75612..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_19.png deleted file mode 100644 index 62369e0f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_20.png deleted file mode 100644 index 810cc2776..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character11/0142_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_01.png deleted file mode 100644 index fc83a8bd1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_02.png deleted file mode 100644 index ff6f6b49c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_03.png deleted file mode 100644 index 53f5374ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_04.png deleted file mode 100644 index 24ed36bf4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_05.png deleted file mode 100644 index ebc02c519..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_06.png deleted file mode 100644 index 83843ba0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_07.png deleted file mode 100644 index 1c46129b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_08.png deleted file mode 100644 index 86a39aa04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_09.png deleted file mode 100644 index d66341535..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_10.png deleted file mode 100644 index 1447d6a4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_11.png deleted file mode 100644 index b61c464e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_12.png deleted file mode 100644 index ba7726afc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_13.png deleted file mode 100644 index 3e0163307..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_14.png deleted file mode 100644 index 1bbdcb1d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_15.png deleted file mode 100644 index 06da8b719..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_16.png deleted file mode 100644 index 6d05dc940..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_17.png deleted file mode 100644 index fd5f8283e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_18.png deleted file mode 100644 index e21238041..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_19.png deleted file mode 100644 index a9790ed62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_20.png deleted file mode 100644 index 4306d1416..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character12/0143_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_01.png deleted file mode 100644 index 3649f27f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_02.png deleted file mode 100644 index 01a52f02f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_03.png deleted file mode 100644 index 62bebeaa6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_04.png deleted file mode 100644 index badfd1e0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_05.png deleted file mode 100644 index 942451fbc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_06.png deleted file mode 100644 index f491739ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_07.png deleted file mode 100644 index f9f70d2cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_08.png deleted file mode 100644 index 1d9bea99c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_09.png deleted file mode 100644 index 9a8101abf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_10.png deleted file mode 100644 index d25e6112f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_11.png deleted file mode 100644 index ed26541ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_12.png deleted file mode 100644 index 1b8c78340..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_13.png deleted file mode 100644 index e6fafac0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_14.png deleted file mode 100644 index af0bc935c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_15.png deleted file mode 100644 index 292a6759a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_16.png deleted file mode 100644 index ddf7c49f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_17.png deleted file mode 100644 index 854adfe0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_18.png deleted file mode 100644 index 82831cdea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_19.png deleted file mode 100644 index 4a0d8372d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_20.png deleted file mode 100644 index 5d90322b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character13/0144_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_01.png deleted file mode 100644 index e23321b29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_02.png deleted file mode 100644 index 8d61edfeb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_03.png deleted file mode 100644 index 51dcf71e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_04.png deleted file mode 100644 index ab8ce811d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_05.png deleted file mode 100644 index a42da93b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_06.png deleted file mode 100644 index 48b3a016b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_07.png deleted file mode 100644 index 6c512149c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_08.png deleted file mode 100644 index fdfc95e6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_09.png deleted file mode 100644 index cdf1c7c38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_10.png deleted file mode 100644 index 64889d76c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_11.png deleted file mode 100644 index 7dbd41381..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_12.png deleted file mode 100644 index bd11bac93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_13.png deleted file mode 100644 index 5f7aa92e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_14.png deleted file mode 100644 index c792af26d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_15.png deleted file mode 100644 index c5d7c5ed7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_16.png deleted file mode 100644 index e8412e6e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_17.png deleted file mode 100644 index a3345ce8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_18.png deleted file mode 100644 index ee1fc8295..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_19.png deleted file mode 100644 index dee62f5af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_20.png deleted file mode 100644 index 8f09a1629..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character14/0145_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_01.png deleted file mode 100644 index ce4f9e5fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_02.png deleted file mode 100644 index b86f32a2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_03.png deleted file mode 100644 index 100e80390..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_04.png deleted file mode 100644 index a31f3a087..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_05.png deleted file mode 100644 index 4f16e4c0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_06.png deleted file mode 100644 index e336d7274..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_07.png deleted file mode 100644 index 599c356c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_08.png deleted file mode 100644 index 24063b8ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_09.png deleted file mode 100644 index da7dc9c86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_10.png deleted file mode 100644 index f022d9d71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_11.png deleted file mode 100644 index b8c4a55ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_12.png deleted file mode 100644 index bb7e54135..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_13.png deleted file mode 100644 index 645849211..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_14.png deleted file mode 100644 index f3c9cf37a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_15.png deleted file mode 100644 index 64f8e59ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_16.png deleted file mode 100644 index 810750ac4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_17.png deleted file mode 100644 index bfb7adfc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_18.png deleted file mode 100644 index 22043f25f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_19.png deleted file mode 100644 index fe2ada8d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_20.png deleted file mode 100644 index c1f428f6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character15/0146_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_01.png deleted file mode 100644 index 15313ebe9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_02.png deleted file mode 100644 index 9e3a58076..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_03.png deleted file mode 100644 index 7360cb73c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_04.png deleted file mode 100644 index 43374bd9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_05.png deleted file mode 100644 index 0cf5276a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_06.png deleted file mode 100644 index 4c109b2df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_07.png deleted file mode 100644 index 736c4e735..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_08.png deleted file mode 100644 index c1faa62eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_09.png deleted file mode 100644 index d7f5a82a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_10.png deleted file mode 100644 index 432ce05d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_11.png deleted file mode 100644 index f82ad0d39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_12.png deleted file mode 100644 index 20cbfa276..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_13.png deleted file mode 100644 index 22e7c3deb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_14.png deleted file mode 100644 index d2fe7732e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_15.png deleted file mode 100644 index 2364bd9e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_16.png deleted file mode 100644 index 3ee16d866..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_17.png deleted file mode 100644 index 3eba6eb52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_18.png deleted file mode 100644 index c3611ae77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_19.png deleted file mode 100644 index 8aa834cad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_20.png deleted file mode 100644 index 6c21d9c85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character16/0147_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_01.png deleted file mode 100644 index 172623eca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_02.png deleted file mode 100644 index 99b34fdd4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_03.png deleted file mode 100644 index 06f5287a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_04.png deleted file mode 100644 index 8f0080aba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_05.png deleted file mode 100644 index eb7c759ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_06.png deleted file mode 100644 index 8999d099a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_07.png deleted file mode 100644 index 2219d114b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_08.png deleted file mode 100644 index ea69a40fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_09.png deleted file mode 100644 index 4bda33b77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_10.png deleted file mode 100644 index 5b1f74c41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_11.png deleted file mode 100644 index 4cf262be9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_12.png deleted file mode 100644 index eef7f4083..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_13.png deleted file mode 100644 index 4103fa73d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_14.png deleted file mode 100644 index 310893c0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_15.png deleted file mode 100644 index 08c6ccc44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_16.png deleted file mode 100644 index 43f401c5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_17.png deleted file mode 100644 index dde2513b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_18.png deleted file mode 100644 index 48f6ee8c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_19.png deleted file mode 100644 index e79025f80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_20.png deleted file mode 100644 index 6bc97e59a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character17/0148_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_01.png deleted file mode 100644 index 886ce6cb8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_02.png deleted file mode 100644 index afe7945c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_03.png deleted file mode 100644 index f88271111..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_04.png deleted file mode 100644 index d04418b53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_05.png deleted file mode 100644 index 415af8114..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_06.png deleted file mode 100644 index b7b2ae362..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_07.png deleted file mode 100644 index d723e5084..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_08.png deleted file mode 100644 index 748f197fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_09.png deleted file mode 100644 index 93c8bca76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_10.png deleted file mode 100644 index 21cf5eac8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_11.png deleted file mode 100644 index c41f6a8bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_12.png deleted file mode 100644 index 3ea6cdff2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_13.png deleted file mode 100644 index 6ea8a8837..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_14.png deleted file mode 100644 index 53fadb6b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_15.png deleted file mode 100644 index fcbb1fc42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_16.png deleted file mode 100644 index 5edc947c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_17.png deleted file mode 100644 index f034a8318..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_18.png deleted file mode 100644 index 29d95d382..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_19.png deleted file mode 100644 index f5deeca86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_20.png deleted file mode 100644 index 8177c5543..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character18/0149_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_01.png deleted file mode 100644 index 5708b6895..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_02.png deleted file mode 100644 index 534c45047..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_03.png deleted file mode 100644 index c665eb801..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_04.png deleted file mode 100644 index 60d24f3ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_05.png deleted file mode 100644 index 692359f62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_06.png deleted file mode 100644 index 9e11a22c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_07.png deleted file mode 100644 index 951032bc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_08.png deleted file mode 100644 index fcb12ae18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_09.png deleted file mode 100644 index c2bcb13ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_10.png deleted file mode 100644 index c3a9dcf98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_11.png deleted file mode 100644 index 8531bb555..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_12.png deleted file mode 100644 index a4673278b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_13.png deleted file mode 100644 index 9e540cc4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_14.png deleted file mode 100644 index e9ed5e6ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_15.png deleted file mode 100644 index d88d62ea5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_16.png deleted file mode 100644 index 1b5976501..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_17.png deleted file mode 100644 index be5ce21b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_18.png deleted file mode 100644 index cef033437..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_19.png deleted file mode 100644 index 7a4d196d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_20.png deleted file mode 100644 index 35d548a82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character19/0150_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_01.png deleted file mode 100644 index d08a5d3fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_02.png deleted file mode 100644 index 9acd3c12e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_03.png deleted file mode 100644 index 6ca462f60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_04.png deleted file mode 100644 index 3a7fd94e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_05.png deleted file mode 100644 index 067675104..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_06.png deleted file mode 100644 index 0d125e799..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_07.png deleted file mode 100644 index 85bbfcf81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_08.png deleted file mode 100644 index deb03a3aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_09.png deleted file mode 100644 index 3e72988f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_10.png deleted file mode 100644 index bd0da24b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_11.png deleted file mode 100644 index f426d2de6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_12.png deleted file mode 100644 index 49331ccae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_13.png deleted file mode 100644 index c15b5b150..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_14.png deleted file mode 100644 index 641ee8e58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_15.png deleted file mode 100644 index e49e11c4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_16.png deleted file mode 100644 index a2b8194da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_17.png deleted file mode 100644 index c62dc17ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_18.png deleted file mode 100644 index f6a58e7b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_19.png deleted file mode 100644 index 6dc6fe145..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_20.png deleted file mode 100644 index 062e583b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character20/0151_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_01.png deleted file mode 100644 index 5b232165d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_02.png deleted file mode 100644 index 064e47839..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_03.png deleted file mode 100644 index 76447c086..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_04.png deleted file mode 100644 index 4d2711a0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_05.png deleted file mode 100644 index a32f753eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_06.png deleted file mode 100644 index 4d107fb4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_07.png deleted file mode 100644 index f32a94b68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_08.png deleted file mode 100644 index 619b96352..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_09.png deleted file mode 100644 index d354c2b05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_10.png deleted file mode 100644 index f97a68a25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_11.png deleted file mode 100644 index 3b9d16647..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_12.png deleted file mode 100644 index 67f47bf9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_13.png deleted file mode 100644 index a13b1a10e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_14.png deleted file mode 100644 index 00e7d5f7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_15.png deleted file mode 100644 index 14a09d586..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_16.png deleted file mode 100644 index 1de4bd385..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_17.png deleted file mode 100644 index 5404921a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_18.png deleted file mode 100644 index 8fb153b1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_19.png deleted file mode 100644 index bc5117679..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_20.png deleted file mode 100644 index 301794367..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character21/0152_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_01.png deleted file mode 100644 index 6852a90dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_02.png deleted file mode 100644 index cfcf9e517..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_03.png deleted file mode 100644 index 2b19a2062..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_04.png deleted file mode 100644 index f15bcdf97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_05.png deleted file mode 100644 index a8feef040..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_06.png deleted file mode 100644 index 94bf7db9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_07.png deleted file mode 100644 index bd2d51b9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_08.png deleted file mode 100644 index 69555e07e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_09.png deleted file mode 100644 index 14b45eb02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_10.png deleted file mode 100644 index b0b8a9de4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_11.png deleted file mode 100644 index 85294778f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_12.png deleted file mode 100644 index 58e4a01ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_13.png deleted file mode 100644 index e76f8c7ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_14.png deleted file mode 100644 index c6b49c24d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_15.png deleted file mode 100644 index 624194b8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_16.png deleted file mode 100644 index 0e75fcd9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_17.png deleted file mode 100644 index 1894df35a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_18.png deleted file mode 100644 index b20186dcd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_19.png deleted file mode 100644 index 6cbdd3264..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_20.png deleted file mode 100644 index 85ffc7b8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character22/0153_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_01.png deleted file mode 100644 index 5eb87aebb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_02.png deleted file mode 100644 index c89f17c74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_03.png deleted file mode 100644 index ef7c4680e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_04.png deleted file mode 100644 index 355af7c59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_05.png deleted file mode 100644 index 1ab284c85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_06.png deleted file mode 100644 index 1eb764bd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_07.png deleted file mode 100644 index 064ad27d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_08.png deleted file mode 100644 index 818b87ffb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_09.png deleted file mode 100644 index 52070ad17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_10.png deleted file mode 100644 index fa90c4a22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_11.png deleted file mode 100644 index 5f4d8037c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_12.png deleted file mode 100644 index 62619c8f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_13.png deleted file mode 100644 index ba9a26ae4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_14.png deleted file mode 100644 index b99e18a5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_15.png deleted file mode 100644 index cc9300508..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_16.png deleted file mode 100644 index 4f941a03e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_17.png deleted file mode 100644 index 6f14efb2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_18.png deleted file mode 100644 index fe003c6ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_19.png deleted file mode 100644 index 3c2b9a09d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_20.png deleted file mode 100644 index 4d969fcf8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character23/0154_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_01.png deleted file mode 100644 index 7cc1e2222..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_02.png deleted file mode 100644 index fac138fdf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_03.png deleted file mode 100644 index 1bf507025..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_04.png deleted file mode 100644 index 000c55fb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_05.png deleted file mode 100644 index b62f550c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_06.png deleted file mode 100644 index 145e319f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_07.png deleted file mode 100644 index e9b3ae1b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_08.png deleted file mode 100644 index 09bd86c30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_09.png deleted file mode 100644 index 29b796cf1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_10.png deleted file mode 100644 index 77145b862..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_11.png deleted file mode 100644 index 8a22726b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_12.png deleted file mode 100644 index 784b23c8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_13.png deleted file mode 100644 index f62d30252..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_14.png deleted file mode 100644 index 03689f812..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_15.png deleted file mode 100644 index 375b4639a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_16.png deleted file mode 100644 index 31bfaf796..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_17.png deleted file mode 100644 index df664bcd1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_18.png deleted file mode 100644 index a5464e2d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_19.png deleted file mode 100644 index 0ae187be3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_20.png deleted file mode 100644 index 2833379e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character24/0155_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_01.png deleted file mode 100644 index a5a268148..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_02.png deleted file mode 100644 index 9dbf37796..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_03.png deleted file mode 100644 index d44b5009e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_04.png deleted file mode 100644 index 6e3d6ca09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_05.png deleted file mode 100644 index 31ecbca24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_06.png deleted file mode 100644 index 66d5214b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_07.png deleted file mode 100644 index e4255d7c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_08.png deleted file mode 100644 index 3c073e9b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_09.png deleted file mode 100644 index 6cafef57c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_10.png deleted file mode 100644 index 4f51dd111..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_11.png deleted file mode 100644 index 6508e0054..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_12.png deleted file mode 100644 index e1e37ba65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_13.png deleted file mode 100644 index 9da2658c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_14.png deleted file mode 100644 index e32d02253..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_15.png deleted file mode 100644 index f905a5124..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_16.png deleted file mode 100644 index 083384adf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_17.png deleted file mode 100644 index 5c06cdc16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_18.png deleted file mode 100644 index 961ebe8eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_19.png deleted file mode 100644 index 550cba629..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_20.png deleted file mode 100644 index 80d62a17e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character25/0156_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_01.png deleted file mode 100644 index 34bfc68cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_02.png deleted file mode 100644 index 7fb9ac786..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_03.png deleted file mode 100644 index 8585fae74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_04.png deleted file mode 100644 index 3aff1d57a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_05.png deleted file mode 100644 index 58ab82a5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_06.png deleted file mode 100644 index c38bf5804..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_07.png deleted file mode 100644 index 23fed2678..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_08.png deleted file mode 100644 index 90878f0c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_09.png deleted file mode 100644 index aafce86f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_10.png deleted file mode 100644 index 06e13912e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_11.png deleted file mode 100644 index be832e81e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_12.png deleted file mode 100644 index bae800cd5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_13.png deleted file mode 100644 index 344e957fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_14.png deleted file mode 100644 index a30058e72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_15.png deleted file mode 100644 index 458b26c7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_16.png deleted file mode 100644 index cab52e708..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_17.png deleted file mode 100644 index de295f34f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_18.png deleted file mode 100644 index 29e5d06c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_19.png deleted file mode 100644 index e6905ce50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_20.png deleted file mode 100644 index 1b7d46884..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character26/0157_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_01.png deleted file mode 100644 index 0a6b9dc67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_02.png deleted file mode 100644 index ae83e0ec0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_03.png deleted file mode 100644 index 991c7deee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_04.png deleted file mode 100644 index 38472c746..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_05.png deleted file mode 100644 index ad00a1180..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_06.png deleted file mode 100644 index a3a5b0ff3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_07.png deleted file mode 100644 index d67668262..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_08.png deleted file mode 100644 index 64d831b74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_09.png deleted file mode 100644 index c52f92732..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_10.png deleted file mode 100644 index 4d1d40f5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_11.png deleted file mode 100644 index 6949cb44a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_12.png deleted file mode 100644 index d91cda795..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_13.png deleted file mode 100644 index 0f4bd83d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_14.png deleted file mode 100644 index cad333844..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_15.png deleted file mode 100644 index 8636a5e36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_16.png deleted file mode 100644 index cecbe7f5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_17.png deleted file mode 100644 index b49b673c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_18.png deleted file mode 100644 index ff3859735..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_19.png deleted file mode 100644 index 948b58693..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_20.png deleted file mode 100644 index 21d12cc95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character27/0158_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_01.png deleted file mode 100644 index 82111e7bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_02.png deleted file mode 100644 index 293aa9579..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_03.png deleted file mode 100644 index 43082a127..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_04.png deleted file mode 100644 index 3fc5aef6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_05.png deleted file mode 100644 index a1148b040..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_06.png deleted file mode 100644 index 9eb5375d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_07.png deleted file mode 100644 index a87c1d98f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_08.png deleted file mode 100644 index 5f4c14121..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_09.png deleted file mode 100644 index d7490bd24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_10.png deleted file mode 100644 index bb44de5dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_11.png deleted file mode 100644 index 811e589d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_12.png deleted file mode 100644 index 2ae42152c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_13.png deleted file mode 100644 index da455826f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_14.png deleted file mode 100644 index 128ccc3f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_15.png deleted file mode 100644 index 89d61524a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_16.png deleted file mode 100644 index 5fbcdd19c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_17.png deleted file mode 100644 index c8417068b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_18.png deleted file mode 100644 index 95dcbca92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_19.png deleted file mode 100644 index b8497cd09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_20.png deleted file mode 100644 index 0849da296..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character28/0159_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_01.png deleted file mode 100644 index baf1d8f1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_02.png deleted file mode 100644 index d14af4e1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_03.png deleted file mode 100644 index 2b7e62e35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_04.png deleted file mode 100644 index 94ca5e8f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_05.png deleted file mode 100644 index 63df9e025..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_06.png deleted file mode 100644 index a60eb0852..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_07.png deleted file mode 100644 index ba7fe34f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_08.png deleted file mode 100644 index db6326e6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_09.png deleted file mode 100644 index cbc47f2cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_10.png deleted file mode 100644 index e2db00e63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_11.png deleted file mode 100644 index 475287498..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_12.png deleted file mode 100644 index ba6af3c34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_13.png deleted file mode 100644 index a91622b8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_14.png deleted file mode 100644 index b3873389e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_15.png deleted file mode 100644 index 85593f7e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_16.png deleted file mode 100644 index 3085ee2ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_17.png deleted file mode 100644 index 2027bb459..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_18.png deleted file mode 100644 index 641f43773..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_19.png deleted file mode 100644 index 91f0a6304..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_20.png deleted file mode 100644 index ebfb02f21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character29/0160_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_01.png deleted file mode 100644 index 68ad92029..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_02.png deleted file mode 100644 index ad24700e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_03.png deleted file mode 100644 index 192138994..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_04.png deleted file mode 100644 index 52cdc983a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_05.png deleted file mode 100644 index f8a57d7a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_06.png deleted file mode 100644 index f637a6625..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_07.png deleted file mode 100644 index a7bede032..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_08.png deleted file mode 100644 index afc17ee3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_09.png deleted file mode 100644 index 6c3f4e40b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_10.png deleted file mode 100644 index 844b59823..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_11.png deleted file mode 100644 index 0e7ba8005..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_12.png deleted file mode 100644 index 312a63f7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_13.png deleted file mode 100644 index 2f59fad07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_14.png deleted file mode 100644 index 3923306ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_15.png deleted file mode 100644 index 5b9256ac7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_16.png deleted file mode 100644 index 8bd6908ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_17.png deleted file mode 100644 index 484463ccf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_18.png deleted file mode 100644 index 9c49df406..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_19.png deleted file mode 100644 index edd19ceeb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_20.png deleted file mode 100644 index 3d1f70918..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character30/0161_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_01.png deleted file mode 100644 index 9baf8a807..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_02.png deleted file mode 100644 index cd819ae3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_03.png deleted file mode 100644 index 415f44d1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_04.png deleted file mode 100644 index 5a2ad539d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_05.png deleted file mode 100644 index f453d6dd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_06.png deleted file mode 100644 index 119939055..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_07.png deleted file mode 100644 index 591393434..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_08.png deleted file mode 100644 index bfa8af38c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_09.png deleted file mode 100644 index 464187bbe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_10.png deleted file mode 100644 index 821a6d637..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_11.png deleted file mode 100644 index d9eeec70b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_12.png deleted file mode 100644 index 4e81b0425..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_13.png deleted file mode 100644 index 4eb48b881..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_14.png deleted file mode 100644 index ef902db0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_15.png deleted file mode 100644 index 673f7716c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_16.png deleted file mode 100644 index a278d5f87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_17.png deleted file mode 100644 index 072e41985..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_18.png deleted file mode 100644 index 957758cdb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_19.png deleted file mode 100644 index 0946ffd1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_20.png deleted file mode 100644 index a77d80388..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character31/0162_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_01.png deleted file mode 100644 index 31ed1f958..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_02.png deleted file mode 100644 index 6e5573867..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_03.png deleted file mode 100644 index 59e1a838a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_04.png deleted file mode 100644 index d5b83cb33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_05.png deleted file mode 100644 index a40a50d9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_06.png deleted file mode 100644 index b6b0b6905..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_07.png deleted file mode 100644 index 63ba37283..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_08.png deleted file mode 100644 index b32ca48b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_09.png deleted file mode 100644 index 974352c2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_10.png deleted file mode 100644 index eadfeddbc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_11.png deleted file mode 100644 index 28c269046..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_12.png deleted file mode 100644 index e682f2ed3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_13.png deleted file mode 100644 index d0b9163d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_14.png deleted file mode 100644 index ac323f08a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_15.png deleted file mode 100644 index 5c3b49f55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_16.png deleted file mode 100644 index dcdd66925..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_17.png deleted file mode 100644 index 244202e77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_18.png deleted file mode 100644 index 610d2d177..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_19.png deleted file mode 100644 index 18c3dc693..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_20.png deleted file mode 100644 index b7dd219dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character32/0163_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_01.png deleted file mode 100644 index 7de2010d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_02.png deleted file mode 100644 index be9339ada..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_03.png deleted file mode 100644 index 8bdc6deb7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_04.png deleted file mode 100644 index 6ae739d93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_05.png deleted file mode 100644 index 8f0192706..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_06.png deleted file mode 100644 index b6bc3eaf7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_07.png deleted file mode 100644 index e9a4386f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_08.png deleted file mode 100644 index 2b9a37ea6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_09.png deleted file mode 100644 index 71b6eeaca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_10.png deleted file mode 100644 index a57b587ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_11.png deleted file mode 100644 index ed171b8e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_12.png deleted file mode 100644 index 1e3f5c275..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_13.png deleted file mode 100644 index 05ebe886f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_14.png deleted file mode 100644 index 4e9c5464c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_15.png deleted file mode 100644 index 181854d26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_16.png deleted file mode 100644 index c310ec20a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_17.png deleted file mode 100644 index f705111d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_18.png deleted file mode 100644 index fd6d00229..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_19.png deleted file mode 100644 index fe161f4a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_20.png deleted file mode 100644 index ac6e5fad2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character33/0164_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_01.png deleted file mode 100644 index c189e5de5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_02.png deleted file mode 100644 index 86107f21c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_03.png deleted file mode 100644 index 83c2de917..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_04.png deleted file mode 100644 index 6b665ac0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_05.png deleted file mode 100644 index 2b8f38901..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_06.png deleted file mode 100644 index dd418096d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_07.png deleted file mode 100644 index b18fc09c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_08.png deleted file mode 100644 index 7499e6a0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_09.png deleted file mode 100644 index 034d7e5ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_10.png deleted file mode 100644 index 17093b2a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_11.png deleted file mode 100644 index 7871dfa00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_12.png deleted file mode 100644 index d2117959a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_13.png deleted file mode 100644 index 4b00c4578..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_14.png deleted file mode 100644 index cd143eff4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_15.png deleted file mode 100644 index 1cb39c14e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_16.png deleted file mode 100644 index cc52cc824..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_17.png deleted file mode 100644 index 4cd5a8984..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_18.png deleted file mode 100644 index 9e94ede1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_19.png deleted file mode 100644 index 80589e8ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_20.png deleted file mode 100644 index ec9e30a0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character34/0165_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_01.png deleted file mode 100644 index 62c8fa790..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_02.png deleted file mode 100644 index 1af0deac4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_03.png deleted file mode 100644 index 260a359dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_04.png deleted file mode 100644 index 0ee8e50c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_05.png deleted file mode 100644 index 455dcd3b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_06.png deleted file mode 100644 index 23415c746..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_07.png deleted file mode 100644 index 3804d7cbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_08.png deleted file mode 100644 index 1782ea8ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_09.png deleted file mode 100644 index 54e375a80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_10.png deleted file mode 100644 index c6e310a8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_11.png deleted file mode 100644 index 54e18d7ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_12.png deleted file mode 100644 index 08126a7f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_13.png deleted file mode 100644 index 049eaa41f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_14.png deleted file mode 100644 index 59193b22c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_15.png deleted file mode 100644 index b264559f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_16.png deleted file mode 100644 index 5c94f0b97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_17.png deleted file mode 100644 index 0421dcd92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_18.png deleted file mode 100644 index 3330b0752..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_19.png deleted file mode 100644 index 8d238dd19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_20.png deleted file mode 100644 index 242aff334..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character35/0166_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_01.png deleted file mode 100644 index b18c2a03b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_02.png deleted file mode 100644 index d59a5b30b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_03.png deleted file mode 100644 index 8774657bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_04.png deleted file mode 100644 index 14c007be4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_05.png deleted file mode 100644 index 04130f067..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_06.png deleted file mode 100644 index 00b3b5056..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_07.png deleted file mode 100644 index f562ce774..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_08.png deleted file mode 100644 index 9c1d7d760..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_09.png deleted file mode 100644 index a193e80d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_10.png deleted file mode 100644 index 173f6926a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_11.png deleted file mode 100644 index 3e5d290a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_12.png deleted file mode 100644 index c246f6875..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_13.png deleted file mode 100644 index d3064714d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_14.png deleted file mode 100644 index 1282b834b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_15.png deleted file mode 100644 index b2614468f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_16.png deleted file mode 100644 index 14e9fae88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_17.png deleted file mode 100644 index dfa5579ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_18.png deleted file mode 100644 index 3242fb4c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_19.png deleted file mode 100644 index d362141b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_20.png deleted file mode 100644 index 3a9a9224a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character36/0167_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_01.png deleted file mode 100644 index f23d64a96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_02.png deleted file mode 100644 index 77180f25e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_03.png deleted file mode 100644 index 97a40c2fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_04.png deleted file mode 100644 index 773cf4c66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_05.png deleted file mode 100644 index d1a44910b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_06.png deleted file mode 100644 index 5bb9e0312..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_07.png deleted file mode 100644 index 40481fb4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_08.png deleted file mode 100644 index 3d3f9d4cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_09.png deleted file mode 100644 index facc3398c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_10.png deleted file mode 100644 index 69740f835..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_11.png deleted file mode 100644 index 8e67227ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_12.png deleted file mode 100644 index 288bb47fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_13.png deleted file mode 100644 index 618a3e8fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_14.png deleted file mode 100644 index 0645b5510..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_15.png deleted file mode 100644 index 1a47f7c04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_16.png deleted file mode 100644 index 06cc78b14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_17.png deleted file mode 100644 index 7c226cf7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_18.png deleted file mode 100644 index dba1824e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_19.png deleted file mode 100644 index 247651abc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_20.png deleted file mode 100644 index 1b7e08f91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character37/0168_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_01.png deleted file mode 100644 index 77f736080..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_02.png deleted file mode 100644 index abedf51aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_03.png deleted file mode 100644 index 04042148b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_04.png deleted file mode 100644 index 30d6f02a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_05.png deleted file mode 100644 index 4c819427d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_06.png deleted file mode 100644 index 2c291d1cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_07.png deleted file mode 100644 index 9502bfd6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_08.png deleted file mode 100644 index 5683f131c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_09.png deleted file mode 100644 index 193d75db7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_10.png deleted file mode 100644 index 3c9468fef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_11.png deleted file mode 100644 index d1f61240a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_12.png deleted file mode 100644 index 91d0b46e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_13.png deleted file mode 100644 index 6bdbd898d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_14.png deleted file mode 100644 index c4489d153..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_15.png deleted file mode 100644 index dd387731b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_16.png deleted file mode 100644 index 7fd35dcd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_17.png deleted file mode 100644 index a272b2f17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_18.png deleted file mode 100644 index d1e6d721f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_19.png deleted file mode 100644 index 8f3025ebc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_20.png deleted file mode 100644 index bc4573f81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character38/0169_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_01.png deleted file mode 100644 index 3e30f3493..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_02.png deleted file mode 100644 index 701040258..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_03.png deleted file mode 100644 index 85c282bc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_04.png deleted file mode 100644 index 01b5b168e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_05.png deleted file mode 100644 index a0e46ec6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_06.png deleted file mode 100644 index 973c7cacc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_07.png deleted file mode 100644 index 7b0e20abe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_08.png deleted file mode 100644 index 4984b2ea2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_09.png deleted file mode 100644 index 9ee65542e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_10.png deleted file mode 100644 index fd017aa82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_11.png deleted file mode 100644 index 7602ede18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_12.png deleted file mode 100644 index 65a426268..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_13.png deleted file mode 100644 index 1ccf272f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_14.png deleted file mode 100644 index 6e839ae2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_15.png deleted file mode 100644 index 8c1c5a9ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_16.png deleted file mode 100644 index e0d51c207..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_17.png deleted file mode 100644 index 2f10ee570..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_18.png deleted file mode 100644 index 4675c2e11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_19.png deleted file mode 100644 index 71108568d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_20.png deleted file mode 100644 index e594e1a58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character39/0170_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_01.png deleted file mode 100644 index 8a677d858..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_02.png deleted file mode 100644 index 9c9b6cbb2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_03.png deleted file mode 100644 index b515b92b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_04.png deleted file mode 100644 index ad16bef59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_05.png deleted file mode 100644 index 8dad3d279..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_06.png deleted file mode 100644 index 62cd15055..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_07.png deleted file mode 100644 index d4d474e6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_08.png deleted file mode 100644 index 8075f9d96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_09.png deleted file mode 100644 index 2f6ffbac7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_10.png deleted file mode 100644 index 3718dbf8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_11.png deleted file mode 100644 index 056d4408f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_12.png deleted file mode 100644 index 68f3f4e5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_13.png deleted file mode 100644 index c95179773..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_14.png deleted file mode 100644 index fcfaee7b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_15.png deleted file mode 100644 index bda1112ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_16.png deleted file mode 100644 index 660c8b691..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_17.png deleted file mode 100644 index 42ccbfe1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_18.png deleted file mode 100644 index 167009bd4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_19.png deleted file mode 100644 index c13c5a1db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_20.png deleted file mode 100644 index f4a50cc75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character40/0171_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_01.png deleted file mode 100644 index 9d64e7e3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_02.png deleted file mode 100644 index 469cd3242..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_03.png deleted file mode 100644 index b437a573a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_04.png deleted file mode 100644 index fa56f7f04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_05.png deleted file mode 100644 index 2dcea369a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_06.png deleted file mode 100644 index af215f64e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_07.png deleted file mode 100644 index 913ef0fb3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_08.png deleted file mode 100644 index 05abf134b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_09.png deleted file mode 100644 index c6e69b704..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_10.png deleted file mode 100644 index 882a63a00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_11.png deleted file mode 100644 index 41aa4d660..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_12.png deleted file mode 100644 index ae75981bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_13.png deleted file mode 100644 index 69e0e458d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_14.png deleted file mode 100644 index 3c4613785..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_15.png deleted file mode 100644 index 3ce5f8c90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_16.png deleted file mode 100644 index 86ae84b23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_17.png deleted file mode 100644 index 4fbd461ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_18.png deleted file mode 100644 index 49313ca2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_19.png deleted file mode 100644 index ac8ccceda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_20.png deleted file mode 100644 index 5cdf8d7b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character41/0172_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_01.png deleted file mode 100644 index b03f63214..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_02.png deleted file mode 100644 index 4e8c35bff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_03.png deleted file mode 100644 index 1e910d089..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_04.png deleted file mode 100644 index 7e5d401fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_05.png deleted file mode 100644 index 448b6f020..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_06.png deleted file mode 100644 index 53b5b9b5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_07.png deleted file mode 100644 index d94545346..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_08.png deleted file mode 100644 index 71fabdb50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_09.png deleted file mode 100644 index 8f23c2b1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_10.png deleted file mode 100644 index 7e7b3a857..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_11.png deleted file mode 100644 index e7fcf83f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_12.png deleted file mode 100644 index d4eb6f72b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_13.png deleted file mode 100644 index 329a5b3c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_14.png deleted file mode 100644 index bb1397622..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_15.png deleted file mode 100644 index f9b0f17ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_16.png deleted file mode 100644 index e26afb822..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_17.png deleted file mode 100644 index 3556cffa1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_18.png deleted file mode 100644 index 70e45855d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_19.png deleted file mode 100644 index 0b099ee1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_20.png deleted file mode 100644 index 4211d4e73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character42/0173_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_01.png deleted file mode 100644 index 8dcaf071a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_02.png deleted file mode 100644 index b98c1011e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_03.png deleted file mode 100644 index b7502147d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_04.png deleted file mode 100644 index fcf093ce4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_05.png deleted file mode 100644 index a04457093..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_06.png deleted file mode 100644 index 1a939f6a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_07.png deleted file mode 100644 index f48d8c33f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_08.png deleted file mode 100644 index 73af76ab8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_09.png deleted file mode 100644 index 7671527f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_10.png deleted file mode 100644 index 509f8c4cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_11.png deleted file mode 100644 index 6a03f203d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_12.png deleted file mode 100644 index e5fc280f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_13.png deleted file mode 100644 index 85c8bbb33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_14.png deleted file mode 100644 index 9606ee588..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_15.png deleted file mode 100644 index cb54be033..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_16.png deleted file mode 100644 index ca20e1cef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_17.png deleted file mode 100644 index 8c0dfeec9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_18.png deleted file mode 100644 index 4c9275d28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_19.png deleted file mode 100644 index e4c262636..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_20.png deleted file mode 100644 index d50a34b31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character43/0174_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_01.png deleted file mode 100644 index a92639818..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_02.png deleted file mode 100644 index 66774e04a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_03.png deleted file mode 100644 index 5d6a6a48a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_04.png deleted file mode 100644 index 06909385d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_05.png deleted file mode 100644 index f5d261654..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_06.png deleted file mode 100644 index 79d14c4b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_07.png deleted file mode 100644 index 438418c3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_08.png deleted file mode 100644 index cffd54ab6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_09.png deleted file mode 100644 index 4429d1c76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_10.png deleted file mode 100644 index be4efae0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_11.png deleted file mode 100644 index 81cf83125..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_12.png deleted file mode 100644 index a828645a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_13.png deleted file mode 100644 index 8a0d61ad1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_14.png deleted file mode 100644 index dd921dfa0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_15.png deleted file mode 100644 index 23f1d584b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_16.png deleted file mode 100644 index c8d617e6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_17.png deleted file mode 100644 index 2ab928834..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_18.png deleted file mode 100644 index 5296d23da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_19.png deleted file mode 100644 index 9b399f65a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_20.png deleted file mode 100644 index d6ab16f9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character44/0175_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_01.png deleted file mode 100644 index 4b8e78def..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_02.png deleted file mode 100644 index 56d317fec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_03.png deleted file mode 100644 index 2a3800b95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_04.png deleted file mode 100644 index a5802cb46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_05.png deleted file mode 100644 index 0d1f8e41a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_06.png deleted file mode 100644 index be041e701..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_07.png deleted file mode 100644 index 84e4846d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_08.png deleted file mode 100644 index a56ff37a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_09.png deleted file mode 100644 index dc49f8231..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_10.png deleted file mode 100644 index 1f8a18535..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_11.png deleted file mode 100644 index c53618ad6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_12.png deleted file mode 100644 index 499bfe2a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_13.png deleted file mode 100644 index d12ca2049..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_14.png deleted file mode 100644 index a3ddc4f7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_15.png deleted file mode 100644 index f64ba0ed9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_16.png deleted file mode 100644 index 14ab2b840..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_17.png deleted file mode 100644 index 7011aae40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_18.png deleted file mode 100644 index a009dc9ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_19.png deleted file mode 100644 index 2bc81a381..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_20.png deleted file mode 100644 index 4e49bb5c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character45/0176_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_01.png deleted file mode 100644 index cf817095c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_02.png deleted file mode 100644 index 5c0b5fcd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_03.png deleted file mode 100644 index 6688f1fd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_04.png deleted file mode 100644 index 0537212ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_05.png deleted file mode 100644 index 9d30cf202..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_06.png deleted file mode 100644 index a6db0f499..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_07.png deleted file mode 100644 index b48115d31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_08.png deleted file mode 100644 index 53c2167cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_09.png deleted file mode 100644 index 83ba51ae0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_10.png deleted file mode 100644 index feb18ed42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_11.png deleted file mode 100644 index f62057fef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_12.png deleted file mode 100644 index ca20b7f8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_13.png deleted file mode 100644 index b9a9a2395..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_14.png deleted file mode 100644 index d6d9eaac4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_15.png deleted file mode 100644 index 1f9cee4a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_16.png deleted file mode 100644 index fa64d7df0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_17.png deleted file mode 100644 index 3e3802da3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_18.png deleted file mode 100644 index 3c1efee67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_19.png deleted file mode 100644 index f617760c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_20.png deleted file mode 100644 index 9821f5cbe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Bengali/character46/0177_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_01.png deleted file mode 100644 index 50d26dd3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_02.png deleted file mode 100644 index e96b8835b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_03.png deleted file mode 100644 index 26ea01a2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_04.png deleted file mode 100644 index 60e6c954f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_05.png deleted file mode 100644 index 726c65cbe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_06.png deleted file mode 100644 index 9079c4802..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_07.png deleted file mode 100644 index 2c924c0a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_08.png deleted file mode 100644 index af8788d27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_09.png deleted file mode 100644 index d89332f11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_10.png deleted file mode 100644 index 1e865a8a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_11.png deleted file mode 100644 index cb08bf9f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_12.png deleted file mode 100644 index 46ccdadc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_13.png deleted file mode 100644 index 085503b84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_14.png deleted file mode 100644 index 098ebcd32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_15.png deleted file mode 100644 index 3396bbe40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_16.png deleted file mode 100644 index 1eb152c96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_17.png deleted file mode 100644 index 5a0ebad9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_18.png deleted file mode 100644 index 000cefbeb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_19.png deleted file mode 100644 index 4585e3f0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_20.png deleted file mode 100644 index a41cc0e85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_01.png deleted file mode 100644 index 756b6f4e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_02.png deleted file mode 100644 index 8c3d2501c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_03.png deleted file mode 100644 index cfbd1cd6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_04.png deleted file mode 100644 index 2a5f28688..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_05.png deleted file mode 100644 index 3b0d6cf75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_06.png deleted file mode 100644 index bbc7c2daa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_07.png deleted file mode 100644 index d965bbdd5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_08.png deleted file mode 100644 index 8ea54d39f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_09.png deleted file mode 100644 index d646cbc7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_10.png deleted file mode 100644 index 48d9e8535..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_11.png deleted file mode 100644 index b9db9c12c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_12.png deleted file mode 100644 index 39d5ad1d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_13.png deleted file mode 100644 index 6458d307b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_14.png deleted file mode 100644 index 0f711ebd6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_15.png deleted file mode 100644 index 431b80081..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_16.png deleted file mode 100644 index cfa0d93a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_17.png deleted file mode 100644 index c0b4ef624..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_18.png deleted file mode 100644 index 29c0bafca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_19.png deleted file mode 100644 index dcc65fe3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_20.png deleted file mode 100644 index 0e7367d47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_01.png deleted file mode 100644 index 6839f801b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_02.png deleted file mode 100644 index 274753d3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_03.png deleted file mode 100644 index 2bbd83e01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_04.png deleted file mode 100644 index e5953cf0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_05.png deleted file mode 100644 index 0641ac5b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_06.png deleted file mode 100644 index 7f838753a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_07.png deleted file mode 100644 index 92a298abd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_08.png deleted file mode 100644 index dca9ae99f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_09.png deleted file mode 100644 index 39e937010..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_10.png deleted file mode 100644 index 238741920..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_11.png deleted file mode 100644 index b9ba86a00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_12.png deleted file mode 100644 index d736a6d69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_13.png deleted file mode 100644 index c2696ae2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_14.png deleted file mode 100644 index 4eab31f30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_15.png deleted file mode 100644 index 7dbf997da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_16.png deleted file mode 100644 index 895423f65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_17.png deleted file mode 100644 index 3dd5086df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_18.png deleted file mode 100644 index 8390eacf6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_19.png deleted file mode 100644 index a077d89ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_20.png deleted file mode 100644 index e033b661c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_01.png deleted file mode 100644 index 2e9ba3735..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_02.png deleted file mode 100644 index b41eadd73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_03.png deleted file mode 100644 index f31e6b695..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_04.png deleted file mode 100644 index d80d5cde2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_05.png deleted file mode 100644 index 331a9bfe1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_06.png deleted file mode 100644 index 5343b1344..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_07.png deleted file mode 100644 index e821a9680..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_08.png deleted file mode 100644 index 8c131d482..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_09.png deleted file mode 100644 index 4a98c93b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_10.png deleted file mode 100644 index 0f2ee3de2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_11.png deleted file mode 100644 index c2eaa398c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_12.png deleted file mode 100644 index fc9dad4a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_13.png deleted file mode 100644 index 6a31cc49c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_14.png deleted file mode 100644 index f3336a644..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_15.png deleted file mode 100644 index cc96af7eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_16.png deleted file mode 100644 index dc81943ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_17.png deleted file mode 100644 index 48390a16c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_18.png deleted file mode 100644 index e62232433..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_19.png deleted file mode 100644 index af16aad79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_20.png deleted file mode 100644 index c6c3860dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_01.png deleted file mode 100644 index 163970280..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_02.png deleted file mode 100644 index 799b19eaf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_03.png deleted file mode 100644 index 804484296..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_04.png deleted file mode 100644 index 0e3e3731a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_05.png deleted file mode 100644 index 898b38983..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_06.png deleted file mode 100644 index be48c23d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_07.png deleted file mode 100644 index 788b8313c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_08.png deleted file mode 100644 index 55cc2014b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_09.png deleted file mode 100644 index 6ab5b6516..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_10.png deleted file mode 100644 index bb6caed65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_11.png deleted file mode 100644 index 17be5f586..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_12.png deleted file mode 100644 index 671fe39b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_13.png deleted file mode 100644 index a87cd3bd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_14.png deleted file mode 100644 index e8cad86af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_15.png deleted file mode 100644 index ea396d3b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_16.png deleted file mode 100644 index a10abcaa0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_17.png deleted file mode 100644 index c519c565f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_18.png deleted file mode 100644 index 58d763c1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_19.png deleted file mode 100644 index aa6c6ffcf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_20.png deleted file mode 100644 index f3a429a1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_01.png deleted file mode 100644 index 0d58e300b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_02.png deleted file mode 100644 index 63d64c710..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_03.png deleted file mode 100644 index 0a47059c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_04.png deleted file mode 100644 index acda60ec1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_05.png deleted file mode 100644 index cf899aa5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_06.png deleted file mode 100644 index c952f1add..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_07.png deleted file mode 100644 index 71c9410cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_08.png deleted file mode 100644 index c85c58a3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_09.png deleted file mode 100644 index 7f0843f9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_10.png deleted file mode 100644 index 14e48f7b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_11.png deleted file mode 100644 index 9bcca5d56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_12.png deleted file mode 100644 index df4b019f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_13.png deleted file mode 100644 index d48b98cba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_14.png deleted file mode 100644 index 4172ef759..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_15.png deleted file mode 100644 index b6d16abb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_16.png deleted file mode 100644 index 09dfab97b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_17.png deleted file mode 100644 index 0d9f775ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_18.png deleted file mode 100644 index 49aab8969..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_19.png deleted file mode 100644 index 975cdbd46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_20.png deleted file mode 100644 index 924a78ab3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_01.png deleted file mode 100644 index aaeabd3da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_02.png deleted file mode 100644 index bf2a9e5ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_03.png deleted file mode 100644 index 180a3624b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_04.png deleted file mode 100644 index dac07d234..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_05.png deleted file mode 100644 index 903d991b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_06.png deleted file mode 100644 index a2c8d702d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_07.png deleted file mode 100644 index cfc45a0c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_08.png deleted file mode 100644 index aa8711613..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_09.png deleted file mode 100644 index 8b26eee91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_10.png deleted file mode 100644 index 033d13977..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_11.png deleted file mode 100644 index 658b08997..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_12.png deleted file mode 100644 index a669f3535..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_13.png deleted file mode 100644 index 6ebcd50d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_14.png deleted file mode 100644 index eb7d2e0b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_15.png deleted file mode 100644 index 605ae442a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_16.png deleted file mode 100644 index 3bec0301d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_17.png deleted file mode 100644 index 5209c0905..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_18.png deleted file mode 100644 index ebd545d33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_19.png deleted file mode 100644 index 53632f2b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_20.png deleted file mode 100644 index db558df3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_01.png deleted file mode 100644 index 95c9d716d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_02.png deleted file mode 100644 index 2e3e6cd6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_03.png deleted file mode 100644 index bc7b0b535..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_04.png deleted file mode 100644 index a3a9ae377..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_05.png deleted file mode 100644 index 6104ddd17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_06.png deleted file mode 100644 index 75c80244b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_07.png deleted file mode 100644 index a5ace9520..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_08.png deleted file mode 100644 index 3953371c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_09.png deleted file mode 100644 index 80f79f650..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_10.png deleted file mode 100644 index d2ce9cd17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_11.png deleted file mode 100644 index cb698debc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_12.png deleted file mode 100644 index 247d6a085..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_13.png deleted file mode 100644 index e8d97a561..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_14.png deleted file mode 100644 index 90072cb11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_15.png deleted file mode 100644 index 16bf1ec6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_16.png deleted file mode 100644 index 4cb050c4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_17.png deleted file mode 100644 index 1f2a89262..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_18.png deleted file mode 100644 index 71aeacfa5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_19.png deleted file mode 100644 index 6504ee3be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_20.png deleted file mode 100644 index 4bae894fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_01.png deleted file mode 100644 index b89c97b7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_02.png deleted file mode 100644 index 781632168..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_03.png deleted file mode 100644 index 6efae1f02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_04.png deleted file mode 100644 index 5e740e0e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_05.png deleted file mode 100644 index 81f98bef9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_06.png deleted file mode 100644 index 09ff0a46e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_07.png deleted file mode 100644 index b1d1697fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_08.png deleted file mode 100644 index 1383ec7f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_09.png deleted file mode 100644 index 67a6502ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_10.png deleted file mode 100644 index 65613f488..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_11.png deleted file mode 100644 index f1617f3fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_12.png deleted file mode 100644 index c895f147f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_13.png deleted file mode 100644 index eada182aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_14.png deleted file mode 100644 index 27b057037..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_15.png deleted file mode 100644 index e75971cc4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_16.png deleted file mode 100644 index 2c401dbfb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_17.png deleted file mode 100644 index 94f9b6839..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_18.png deleted file mode 100644 index 3b9899d48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_19.png deleted file mode 100644 index b81c497c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_20.png deleted file mode 100644 index 74a490627..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_01.png deleted file mode 100644 index 877123a7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_02.png deleted file mode 100644 index 3dd3e0ec9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_03.png deleted file mode 100644 index 8ab4f681d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_04.png deleted file mode 100644 index 4e501fecd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_05.png deleted file mode 100644 index 2ace4e85c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_06.png deleted file mode 100644 index 09a2af2f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_07.png deleted file mode 100644 index 34f0177d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_08.png deleted file mode 100644 index 0bc15fa84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_09.png deleted file mode 100644 index 42f19cd32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_10.png deleted file mode 100644 index 152780eca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_11.png deleted file mode 100644 index 5ac54a6a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_12.png deleted file mode 100644 index a0f58abf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_13.png deleted file mode 100644 index 9e27addcd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_14.png deleted file mode 100644 index 2b1553fb2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_15.png deleted file mode 100644 index 746e05c3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_16.png deleted file mode 100644 index c6761c493..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_17.png deleted file mode 100644 index 88857cd5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_18.png deleted file mode 100644 index bdced2157..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_19.png deleted file mode 100644 index 011dc02ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_20.png deleted file mode 100644 index 2c4ae7975..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_01.png deleted file mode 100644 index 33c906f47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_02.png deleted file mode 100644 index ef0d6dabb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_03.png deleted file mode 100644 index 0dda35913..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_04.png deleted file mode 100644 index 6ec719db8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_05.png deleted file mode 100644 index 5c03011fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_06.png deleted file mode 100644 index dc5ba1cda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_07.png deleted file mode 100644 index 5387358f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_08.png deleted file mode 100644 index e980f79f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_09.png deleted file mode 100644 index d42bf33a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_10.png deleted file mode 100644 index c778b395a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_11.png deleted file mode 100644 index 7fec18209..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_12.png deleted file mode 100644 index 0cfcd843f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_13.png deleted file mode 100644 index ec9589a3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_14.png deleted file mode 100644 index 3c864658f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_15.png deleted file mode 100644 index 274510705..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_16.png deleted file mode 100644 index 18d5bd674..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_17.png deleted file mode 100644 index ab5a41de8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_18.png deleted file mode 100644 index 8b6acd656..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_19.png deleted file mode 100644 index 02bd7c853..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_20.png deleted file mode 100644 index c39b715aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_01.png deleted file mode 100644 index 304508daf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_02.png deleted file mode 100644 index f4645e64c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_03.png deleted file mode 100644 index 055999a73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_04.png deleted file mode 100644 index e382ed64e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_05.png deleted file mode 100644 index 882642750..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_06.png deleted file mode 100644 index 871cc9e08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_07.png deleted file mode 100644 index 66615b395..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_08.png deleted file mode 100644 index 176f06913..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_09.png deleted file mode 100644 index b43c067fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_10.png deleted file mode 100644 index 733b4d332..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_11.png deleted file mode 100644 index 3c8afade0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_12.png deleted file mode 100644 index 4a9181bdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_13.png deleted file mode 100644 index 5ee7ab443..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_14.png deleted file mode 100644 index 319ed7e7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_15.png deleted file mode 100644 index f8db54fd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_16.png deleted file mode 100644 index cc852d414..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_17.png deleted file mode 100644 index 35672d285..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_18.png deleted file mode 100644 index e9f2311b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_19.png deleted file mode 100644 index f753c14e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_20.png deleted file mode 100644 index b1dda5517..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_01.png deleted file mode 100644 index 050e6bb8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_02.png deleted file mode 100644 index ea2b13022..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_03.png deleted file mode 100644 index 2e07c5ec8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_04.png deleted file mode 100644 index f9abfe66b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_05.png deleted file mode 100644 index 26de5b660..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_06.png deleted file mode 100644 index de2a729cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_07.png deleted file mode 100644 index bb6393448..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_08.png deleted file mode 100644 index 2e0836a34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_09.png deleted file mode 100644 index 19a748a03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_10.png deleted file mode 100644 index 3bb3f5ca8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_11.png deleted file mode 100644 index ec6730337..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_12.png deleted file mode 100644 index 2cac62bfb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_13.png deleted file mode 100644 index 979930837..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_14.png deleted file mode 100644 index d46be0dbb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_15.png deleted file mode 100644 index f54f11f3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_16.png deleted file mode 100644 index 76d2a7ffc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_17.png deleted file mode 100644 index ad75a5ed5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_18.png deleted file mode 100644 index ff8f8efd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_19.png deleted file mode 100644 index 9dec4427e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_20.png deleted file mode 100644 index c6ab7c3ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_01.png deleted file mode 100644 index 836f29f02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_02.png deleted file mode 100644 index 1fc8ce555..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_03.png deleted file mode 100644 index 128d75911..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_04.png deleted file mode 100644 index cc9153e38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_05.png deleted file mode 100644 index 4b720991c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_06.png deleted file mode 100644 index c113d3f72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_07.png deleted file mode 100644 index 45e0f4dc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_08.png deleted file mode 100644 index b1e5a7df3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_09.png deleted file mode 100644 index 2c8b603ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_10.png deleted file mode 100644 index 34d69e6ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_11.png deleted file mode 100644 index ec5941a82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_12.png deleted file mode 100644 index 33b1719da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_13.png deleted file mode 100644 index a76b6514d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_14.png deleted file mode 100644 index 8232d8361..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_15.png deleted file mode 100644 index aebcf474e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_16.png deleted file mode 100644 index 5d86d639a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_17.png deleted file mode 100644 index d63b2a93e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_18.png deleted file mode 100644 index 144cf952f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_19.png deleted file mode 100644 index c09b663b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_20.png deleted file mode 100644 index c7dd4d932..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_01.png deleted file mode 100644 index b05b0971f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_02.png deleted file mode 100644 index ca16a7eca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_03.png deleted file mode 100644 index 90ec6426e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_04.png deleted file mode 100644 index be0773bc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_05.png deleted file mode 100644 index 102a90123..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_06.png deleted file mode 100644 index fe516f782..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_07.png deleted file mode 100644 index 6824fc10f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_08.png deleted file mode 100644 index e462d85ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_09.png deleted file mode 100644 index 178c587f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_10.png deleted file mode 100644 index 851ce21e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_11.png deleted file mode 100644 index 02bdbf3f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_12.png deleted file mode 100644 index 8720deaf4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_13.png deleted file mode 100644 index 960a28b50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_14.png deleted file mode 100644 index 3b3697e50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_15.png deleted file mode 100644 index 7bd5f2de9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_16.png deleted file mode 100644 index ad9726071..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_17.png deleted file mode 100644 index bc48e14c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_18.png deleted file mode 100644 index 6e1e9f592..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_19.png deleted file mode 100644 index 90ec6426e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_20.png deleted file mode 100644 index 9c93cfc77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character01/0192_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_01.png deleted file mode 100644 index 34324e034..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_02.png deleted file mode 100644 index 6b0d35a88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_03.png deleted file mode 100644 index e22de8f68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_04.png deleted file mode 100644 index 456f8ba9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_05.png deleted file mode 100644 index f303208a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_06.png deleted file mode 100644 index eb99a14e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_07.png deleted file mode 100644 index a7612d2d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_08.png deleted file mode 100644 index 42f3c64eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_09.png deleted file mode 100644 index 202c86d0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_10.png deleted file mode 100644 index 47aa23dea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_11.png deleted file mode 100644 index 8c1e8a252..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_12.png deleted file mode 100644 index 6aa1b850e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_13.png deleted file mode 100644 index 2e0fbe2b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_14.png deleted file mode 100644 index 1e2eb5649..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_15.png deleted file mode 100644 index 4c8bf914e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_16.png deleted file mode 100644 index 9cf058b2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_17.png deleted file mode 100644 index 391669056..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_18.png deleted file mode 100644 index 83d6c50fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_19.png deleted file mode 100644 index d85b7dbfc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_20.png deleted file mode 100644 index 9f5d46722..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character02/0193_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_01.png deleted file mode 100644 index 1be693792..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_02.png deleted file mode 100644 index aa14d3849..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_03.png deleted file mode 100644 index 24dee22ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_04.png deleted file mode 100644 index e6ea720f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_05.png deleted file mode 100644 index d37a68cc4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_06.png deleted file mode 100644 index 7db364b8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_07.png deleted file mode 100644 index edaeb4daa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_08.png deleted file mode 100644 index 88d6f1c10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_09.png deleted file mode 100644 index f9d571363..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_10.png deleted file mode 100644 index d2caaef4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_11.png deleted file mode 100644 index d121af410..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_12.png deleted file mode 100644 index 3b162a362..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_13.png deleted file mode 100644 index bcad81e23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_14.png deleted file mode 100644 index 303978a71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_15.png deleted file mode 100644 index 46b86dff1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_16.png deleted file mode 100644 index 99ba989c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_17.png deleted file mode 100644 index 10fe5497c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_18.png deleted file mode 100644 index 859f4ba3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_19.png deleted file mode 100644 index b76c0ea9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_20.png deleted file mode 100644 index fc6d2c446..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character03/0194_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_01.png deleted file mode 100644 index 1ad16fb8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_02.png deleted file mode 100644 index b654dff34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_03.png deleted file mode 100644 index 601fa195c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_04.png deleted file mode 100644 index 2a22ab2ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_05.png deleted file mode 100644 index cfc492a36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_06.png deleted file mode 100644 index f0d63f455..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_07.png deleted file mode 100644 index 6ba956022..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_08.png deleted file mode 100644 index e3899b415..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_09.png deleted file mode 100644 index 7f61192f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_10.png deleted file mode 100644 index 183ef4ce9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_11.png deleted file mode 100644 index feb7a327a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_12.png deleted file mode 100644 index 21aa0f3a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_13.png deleted file mode 100644 index 0c0a91d6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_14.png deleted file mode 100644 index c4128ea11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_15.png deleted file mode 100644 index e84a5b3f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_16.png deleted file mode 100644 index c10434f18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_17.png deleted file mode 100644 index 1c2b19276..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_18.png deleted file mode 100644 index ef6dfb755..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_19.png deleted file mode 100644 index bd6d0bec8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_20.png deleted file mode 100644 index 4ce128fed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character04/0195_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_01.png deleted file mode 100644 index 7a3bfb187..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_02.png deleted file mode 100644 index 68d985733..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_03.png deleted file mode 100644 index 910e193ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_04.png deleted file mode 100644 index 216928774..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_05.png deleted file mode 100644 index 2a36567f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_06.png deleted file mode 100644 index b1c7ea438..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_07.png deleted file mode 100644 index cb0005c18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_08.png deleted file mode 100644 index 1f76327fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_09.png deleted file mode 100644 index 6484fa9c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_10.png deleted file mode 100644 index ca77358d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_11.png deleted file mode 100644 index 34c5eb025..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_12.png deleted file mode 100644 index cb4cb1bdd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_13.png deleted file mode 100644 index 9669584c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_14.png deleted file mode 100644 index 6e12615c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_15.png deleted file mode 100644 index b787311a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_16.png deleted file mode 100644 index df5b31f84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_17.png deleted file mode 100644 index 0f8f82e04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_18.png deleted file mode 100644 index 962146fd2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_19.png deleted file mode 100644 index a65f4d691..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_20.png deleted file mode 100644 index d07e762b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character05/0196_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_01.png deleted file mode 100644 index 99aef07f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_02.png deleted file mode 100644 index 55d67f28b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_03.png deleted file mode 100644 index a537e9be9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_04.png deleted file mode 100644 index 2e1d654c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_05.png deleted file mode 100644 index f96500315..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_06.png deleted file mode 100644 index ebeb29ba7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_07.png deleted file mode 100644 index 46fee5f87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_08.png deleted file mode 100644 index 54c55a599..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_09.png deleted file mode 100644 index cbb1fa566..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_10.png deleted file mode 100644 index 99d1ba5e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_11.png deleted file mode 100644 index 6071d44b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_12.png deleted file mode 100644 index f8c7c567f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_13.png deleted file mode 100644 index c091e592f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_14.png deleted file mode 100644 index 99e7d31b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_15.png deleted file mode 100644 index e6cd1d2c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_16.png deleted file mode 100644 index f994fa4c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_17.png deleted file mode 100644 index 6ac0a1875..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_18.png deleted file mode 100644 index 02d2bdeed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_19.png deleted file mode 100644 index 1375d686d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_20.png deleted file mode 100644 index 7bd3a10e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character06/0197_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_01.png deleted file mode 100644 index cb52ad013..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_02.png deleted file mode 100644 index 5995c484e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_03.png deleted file mode 100644 index 8f4570917..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_04.png deleted file mode 100644 index e67b544b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_05.png deleted file mode 100644 index e6f3b9871..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_06.png deleted file mode 100644 index 8c1297c19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_07.png deleted file mode 100644 index dd5e78f30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_08.png deleted file mode 100644 index f852ecf4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_09.png deleted file mode 100644 index f0524c828..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_10.png deleted file mode 100644 index c1b196292..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_11.png deleted file mode 100644 index 035b07851..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_12.png deleted file mode 100644 index 6813a0a45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_13.png deleted file mode 100644 index 3d1201b8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_14.png deleted file mode 100644 index 0be4e989d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_15.png deleted file mode 100644 index efb6dcd73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_16.png deleted file mode 100644 index 50c121ab1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_17.png deleted file mode 100644 index 1e8e462ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_18.png deleted file mode 100644 index 23556da4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_19.png deleted file mode 100644 index 9877ca891..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_20.png deleted file mode 100644 index ac536f2f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character07/0198_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_01.png deleted file mode 100644 index edb1b3783..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_02.png deleted file mode 100644 index 9af960918..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_03.png deleted file mode 100644 index 428662f31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_04.png deleted file mode 100644 index 7bf9c4b89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_05.png deleted file mode 100644 index a5b3df44b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_06.png deleted file mode 100644 index 27d0ca382..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_07.png deleted file mode 100644 index 93338872b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_08.png deleted file mode 100644 index ca4fb150e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_09.png deleted file mode 100644 index 3ea986154..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_10.png deleted file mode 100644 index d6ce1c663..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_11.png deleted file mode 100644 index 7d0661873..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_12.png deleted file mode 100644 index 032bdbf1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_13.png deleted file mode 100644 index 9da6db673..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_14.png deleted file mode 100644 index 36b66db0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_15.png deleted file mode 100644 index 4b82954a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_16.png deleted file mode 100644 index 0b8b400b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_17.png deleted file mode 100644 index ff9ae5ee1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_18.png deleted file mode 100644 index 15c3a4a29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_19.png deleted file mode 100644 index 9593e219d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_20.png deleted file mode 100644 index c1ba3189f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character08/0199_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_01.png deleted file mode 100644 index b717cab10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_02.png deleted file mode 100644 index 84e7eded9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_03.png deleted file mode 100644 index 49c08815a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_04.png deleted file mode 100644 index a5f696d42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_05.png deleted file mode 100644 index 9899925ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_06.png deleted file mode 100644 index 75f562a9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_07.png deleted file mode 100644 index 82b1a507b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_08.png deleted file mode 100644 index db8fc3411..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_09.png deleted file mode 100644 index 4d4bc7fa5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_10.png deleted file mode 100644 index 803b975aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_11.png deleted file mode 100644 index 5ef0dde67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_12.png deleted file mode 100644 index 49fab23f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_13.png deleted file mode 100644 index 2c1f2ca6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_14.png deleted file mode 100644 index 5423383c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_15.png deleted file mode 100644 index dd3df3a49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_16.png deleted file mode 100644 index 51fd0621e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_17.png deleted file mode 100644 index 25c4e7857..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_18.png deleted file mode 100644 index 9b0ee5915..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_19.png deleted file mode 100644 index b999da1b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_20.png deleted file mode 100644 index 8b785393b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character09/0200_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_01.png deleted file mode 100644 index 9fec5486d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_02.png deleted file mode 100644 index c4316e189..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_03.png deleted file mode 100644 index c175c07b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_04.png deleted file mode 100644 index d7fdf5643..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_05.png deleted file mode 100644 index 3b90eb2cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_06.png deleted file mode 100644 index 79c35a841..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_07.png deleted file mode 100644 index 843b04bc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_08.png deleted file mode 100644 index e1255cac0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_09.png deleted file mode 100644 index e1935f368..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_10.png deleted file mode 100644 index c6c611c4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_11.png deleted file mode 100644 index 25175dd8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_12.png deleted file mode 100644 index ce0927bf8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_13.png deleted file mode 100644 index e6dcc8310..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_14.png deleted file mode 100644 index 2c337ff2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_15.png deleted file mode 100644 index 72e8da4f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_16.png deleted file mode 100644 index b81c86489..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_17.png deleted file mode 100644 index 2629f9a55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_18.png deleted file mode 100644 index 66c4297c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_19.png deleted file mode 100644 index 21b88d1fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_20.png deleted file mode 100644 index 8d7047c31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character10/0201_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_01.png deleted file mode 100644 index 0d05ac032..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_02.png deleted file mode 100644 index 94893bd07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_03.png deleted file mode 100644 index 5e669c112..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_04.png deleted file mode 100644 index 3366585bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_05.png deleted file mode 100644 index 8ce48c790..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_06.png deleted file mode 100644 index a4de0aa81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_07.png deleted file mode 100644 index 79c38cb4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_08.png deleted file mode 100644 index 16c1ea19f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_09.png deleted file mode 100644 index 050680e29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_10.png deleted file mode 100644 index fdb8ddfba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_11.png deleted file mode 100644 index 069b61394..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_12.png deleted file mode 100644 index dea37c514..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_13.png deleted file mode 100644 index c7b709b04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_14.png deleted file mode 100644 index cf17547b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_15.png deleted file mode 100644 index 3f75843a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_16.png deleted file mode 100644 index 8e0eb3649..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_17.png deleted file mode 100644 index 7ffb79d72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_18.png deleted file mode 100644 index 0a9cf1bd5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_19.png deleted file mode 100644 index 04746173d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_20.png deleted file mode 100644 index 2977baad4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character11/0202_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_01.png deleted file mode 100644 index ca9e529fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_02.png deleted file mode 100644 index 01f9ad7f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_03.png deleted file mode 100644 index dff756c64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_04.png deleted file mode 100644 index 9c5d3e73e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_05.png deleted file mode 100644 index f701df391..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_06.png deleted file mode 100644 index 5aa6348bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_07.png deleted file mode 100644 index 1bca77f30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_08.png deleted file mode 100644 index 61faf1ab8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_09.png deleted file mode 100644 index 222be2832..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_10.png deleted file mode 100644 index be30b39a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_11.png deleted file mode 100644 index 10c8c5957..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_12.png deleted file mode 100644 index f1cb34340..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_13.png deleted file mode 100644 index 20d582f31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_14.png deleted file mode 100644 index 08f79d457..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_15.png deleted file mode 100644 index aa018ba8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_16.png deleted file mode 100644 index 57f688827..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_17.png deleted file mode 100644 index 57796198f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_18.png deleted file mode 100644 index b77b65320..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_19.png deleted file mode 100644 index 0ff07529e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_20.png deleted file mode 100644 index e95ace659..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character12/0203_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_01.png deleted file mode 100644 index 6d6173863..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_02.png deleted file mode 100644 index df5273b1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_03.png deleted file mode 100644 index 47051f817..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_04.png deleted file mode 100644 index 608b4ecfd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_05.png deleted file mode 100644 index 2a95703f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_06.png deleted file mode 100644 index 6bbce877c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_07.png deleted file mode 100644 index ffc61328a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_08.png deleted file mode 100644 index 445b1a62d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_09.png deleted file mode 100644 index a37fc8668..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_10.png deleted file mode 100644 index 4368a62ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_11.png deleted file mode 100644 index 16c402e60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_12.png deleted file mode 100644 index be2cf500a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_13.png deleted file mode 100644 index 1f3c1be55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_14.png deleted file mode 100644 index 54af62870..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_15.png deleted file mode 100644 index ca4d5882d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_16.png deleted file mode 100644 index ba7379106..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_17.png deleted file mode 100644 index cb420e652..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_18.png deleted file mode 100644 index 10dcc27b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_19.png deleted file mode 100644 index 31d0a2894..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_20.png deleted file mode 100644 index a9e709301..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character13/0204_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_01.png deleted file mode 100644 index 7f86ac7ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_02.png deleted file mode 100644 index b076d6dee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_03.png deleted file mode 100644 index 107d7a92d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_04.png deleted file mode 100644 index 212aa1256..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_05.png deleted file mode 100644 index 431a8dab8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_06.png deleted file mode 100644 index 90f44bd60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_07.png deleted file mode 100644 index ba0231a74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_08.png deleted file mode 100644 index ac0af30b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_09.png deleted file mode 100644 index a74586395..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_10.png deleted file mode 100644 index 7c3baf627..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_11.png deleted file mode 100644 index 7ab8210c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_12.png deleted file mode 100644 index b5a51c0c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_13.png deleted file mode 100644 index 608f7f4e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_14.png deleted file mode 100644 index d7c9c1df5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_15.png deleted file mode 100644 index 0f0a227e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_16.png deleted file mode 100644 index 4598e47d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_17.png deleted file mode 100644 index 5de2f8f93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_18.png deleted file mode 100644 index 1a13bde7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_19.png deleted file mode 100644 index 0e7737967..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_20.png deleted file mode 100644 index 3b8c08a5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character14/0205_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_01.png deleted file mode 100644 index 44ffed8cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_02.png deleted file mode 100644 index 893869d01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_03.png deleted file mode 100644 index 50dd3e826..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_04.png deleted file mode 100644 index c5ea402c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_05.png deleted file mode 100644 index 95e2ed5c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_06.png deleted file mode 100644 index 1d08102a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_07.png deleted file mode 100644 index be8dd7614..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_08.png deleted file mode 100644 index 1e855529c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_09.png deleted file mode 100644 index b749442b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_10.png deleted file mode 100644 index 4e0779794..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_11.png deleted file mode 100644 index 6b2be66c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_12.png deleted file mode 100644 index 6fe6f0549..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_13.png deleted file mode 100644 index ec56e477e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_14.png deleted file mode 100644 index b80cc683c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_15.png deleted file mode 100644 index 2ef5d957b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_16.png deleted file mode 100644 index bc897c647..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_17.png deleted file mode 100644 index 58eb7d24a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_18.png deleted file mode 100644 index fe4785f6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_19.png deleted file mode 100644 index acd524692..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_20.png deleted file mode 100644 index 562db457e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character15/0206_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_01.png deleted file mode 100644 index 34334e3f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_02.png deleted file mode 100644 index becc9a5af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_03.png deleted file mode 100644 index fb25bc9a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_04.png deleted file mode 100644 index 7363e44b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_05.png deleted file mode 100644 index 12c57cf25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_06.png deleted file mode 100644 index c369b026e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_07.png deleted file mode 100644 index d3f8401ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_08.png deleted file mode 100644 index cf045a09d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_09.png deleted file mode 100644 index 58067b912..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_10.png deleted file mode 100644 index 566799a63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_11.png deleted file mode 100644 index da7646e04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_12.png deleted file mode 100644 index 9b752e0a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_13.png deleted file mode 100644 index d3514eb1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_14.png deleted file mode 100644 index 11496cd2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_15.png deleted file mode 100644 index 5cfe4d73f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_16.png deleted file mode 100644 index 5f9a8b1f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_17.png deleted file mode 100644 index 2b29567dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_18.png deleted file mode 100644 index 9394ec34f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_19.png deleted file mode 100644 index 527928809..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_20.png deleted file mode 100644 index 8abf04dde..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character16/0207_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_01.png deleted file mode 100644 index 917a7c4bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_02.png deleted file mode 100644 index 1a01f2750..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_03.png deleted file mode 100644 index 3219bde1d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_04.png deleted file mode 100644 index e6e47e4f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_05.png deleted file mode 100644 index fe005f2db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_06.png deleted file mode 100644 index 3011c70fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_07.png deleted file mode 100644 index 99e9f09db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_08.png deleted file mode 100644 index 08d47fba2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_09.png deleted file mode 100644 index 6819b15cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_10.png deleted file mode 100644 index 2b3c852ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_11.png deleted file mode 100644 index 4dcf40a5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_12.png deleted file mode 100644 index 2fda1faa3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_13.png deleted file mode 100644 index eba330cc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_14.png deleted file mode 100644 index 8dc4affa1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_15.png deleted file mode 100644 index 2e3963e64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_16.png deleted file mode 100644 index 54c504352..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_17.png deleted file mode 100644 index 3187ff44a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_18.png deleted file mode 100644 index a81b19a63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_19.png deleted file mode 100644 index 3e833a103..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_20.png deleted file mode 100644 index 71ddae59a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character17/0208_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_01.png deleted file mode 100644 index 1e4b42c4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_02.png deleted file mode 100644 index d63da70eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_03.png deleted file mode 100644 index 5f48ce2e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_04.png deleted file mode 100644 index 460d05cb7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_05.png deleted file mode 100644 index 0f022380c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_06.png deleted file mode 100644 index 308ac0187..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_07.png deleted file mode 100644 index 1255abb6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_08.png deleted file mode 100644 index 1f6b4698e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_09.png deleted file mode 100644 index 444b8b259..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_10.png deleted file mode 100644 index 5994c7c6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_11.png deleted file mode 100644 index b4a0d06aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_12.png deleted file mode 100644 index 0c26629e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_13.png deleted file mode 100644 index b0ffee81c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_14.png deleted file mode 100644 index 5f6b85f9d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_15.png deleted file mode 100644 index e0f6c05b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_16.png deleted file mode 100644 index 938970c8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_17.png deleted file mode 100644 index 3f164f55f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_18.png deleted file mode 100644 index fa927d23d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_19.png deleted file mode 100644 index 7e8855931..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_20.png deleted file mode 100644 index 6b294aab3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character18/0209_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_01.png deleted file mode 100644 index 042420cdd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_02.png deleted file mode 100644 index e1474d0c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_03.png deleted file mode 100644 index a9a97cd1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_04.png deleted file mode 100644 index a0b61d3cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_05.png deleted file mode 100644 index 0cd89c1be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_06.png deleted file mode 100644 index 32bdb4097..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_07.png deleted file mode 100644 index 68ca08b3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_08.png deleted file mode 100644 index 9c9a8b6bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_09.png deleted file mode 100644 index 4d9bfb7fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_10.png deleted file mode 100644 index 9e6c57e3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_11.png deleted file mode 100644 index d9e2771f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_12.png deleted file mode 100644 index 7816492c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_13.png deleted file mode 100644 index 50896484c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_14.png deleted file mode 100644 index c665a514b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_15.png deleted file mode 100644 index 201fee7c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_16.png deleted file mode 100644 index c14e651a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_17.png deleted file mode 100644 index 439a41c0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_18.png deleted file mode 100644 index dfe9244f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_19.png deleted file mode 100644 index 2307dc577..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_20.png deleted file mode 100644 index f36e869df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character19/0210_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_01.png deleted file mode 100644 index f54f49b58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_02.png deleted file mode 100644 index 0639af183..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_03.png deleted file mode 100644 index 5972eaa4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_04.png deleted file mode 100644 index ff28b6b27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_05.png deleted file mode 100644 index d26d0b07d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_06.png deleted file mode 100644 index 859cd5f7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_07.png deleted file mode 100644 index 3276f8dd2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_08.png deleted file mode 100644 index d89e96e80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_09.png deleted file mode 100644 index 9c4a8db40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_10.png deleted file mode 100644 index 14c1ac046..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_11.png deleted file mode 100644 index ac236613b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_12.png deleted file mode 100644 index b09c50441..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_13.png deleted file mode 100644 index 77c43d28e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_14.png deleted file mode 100644 index 1a3b4c7e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_15.png deleted file mode 100644 index 45350dcc4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_16.png deleted file mode 100644 index 2b0cf2f4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_17.png deleted file mode 100644 index 19c9624f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_18.png deleted file mode 100644 index ca3c9eca1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_19.png deleted file mode 100644 index af1d0ec85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_20.png deleted file mode 100644 index c33528174..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character20/0211_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_01.png deleted file mode 100644 index 8154c4b0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_02.png deleted file mode 100644 index 9a9b279a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_03.png deleted file mode 100644 index 57edb34a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_04.png deleted file mode 100644 index db04456af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_05.png deleted file mode 100644 index 8a109af52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_06.png deleted file mode 100644 index 9b0b1e0c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_07.png deleted file mode 100644 index 33d3761f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_08.png deleted file mode 100644 index 8867ad63c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_09.png deleted file mode 100644 index cf3b9b95c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_10.png deleted file mode 100644 index 125818bcb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_11.png deleted file mode 100644 index f63b96d5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_12.png deleted file mode 100644 index 7c7edcc3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_13.png deleted file mode 100644 index ee435eb85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_14.png deleted file mode 100644 index a023881fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_15.png deleted file mode 100644 index 4baf09008..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_16.png deleted file mode 100644 index 194c2a872..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_17.png deleted file mode 100644 index 1c6ecfd21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_18.png deleted file mode 100644 index 25abbf37a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_19.png deleted file mode 100644 index adce01825..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_20.png deleted file mode 100644 index f43d49b7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character21/0212_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_01.png deleted file mode 100644 index 8e7f6cb74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_02.png deleted file mode 100644 index 6bd66ccc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_03.png deleted file mode 100644 index b631571fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_04.png deleted file mode 100644 index b09ce7412..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_05.png deleted file mode 100644 index b2cbc0f9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_06.png deleted file mode 100644 index 397d1e396..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_07.png deleted file mode 100644 index 3d09efb63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_08.png deleted file mode 100644 index c67cd615e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_09.png deleted file mode 100644 index a9db5831f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_10.png deleted file mode 100644 index f72d2e83b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_11.png deleted file mode 100644 index 3fabd7239..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_12.png deleted file mode 100644 index 907be5653..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_13.png deleted file mode 100644 index bf7b82544..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_14.png deleted file mode 100644 index 85645f20a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_15.png deleted file mode 100644 index b6492e755..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_16.png deleted file mode 100644 index 00ae7a634..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_17.png deleted file mode 100644 index 2221d14f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_18.png deleted file mode 100644 index a913a1029..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_19.png deleted file mode 100644 index a9a5af899..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_20.png deleted file mode 100644 index c9fba3b63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character22/0213_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_01.png deleted file mode 100644 index e4361371e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_02.png deleted file mode 100644 index e8d5c24e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_03.png deleted file mode 100644 index 18f5e985a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_04.png deleted file mode 100644 index 39d4680d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_05.png deleted file mode 100644 index a7dd78b80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_06.png deleted file mode 100644 index 38ed4b051..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_07.png deleted file mode 100644 index b2c1f9d50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_08.png deleted file mode 100644 index 0e620063d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_09.png deleted file mode 100644 index 5d643b24e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_10.png deleted file mode 100644 index bafbea1f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_11.png deleted file mode 100644 index 58850cc2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_12.png deleted file mode 100644 index 802f3b267..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_13.png deleted file mode 100644 index 35e4fcbbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_14.png deleted file mode 100644 index 8faafcd2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_15.png deleted file mode 100644 index 0d7c88ba8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_16.png deleted file mode 100644 index 631439305..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_17.png deleted file mode 100644 index 11f8cc082..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_18.png deleted file mode 100644 index eefc90665..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_19.png deleted file mode 100644 index deeebedbb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_20.png deleted file mode 100644 index 7f052c1e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character23/0214_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_01.png deleted file mode 100644 index cc4c8851e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_02.png deleted file mode 100644 index bd2308c2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_03.png deleted file mode 100644 index 4399ed65b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_04.png deleted file mode 100644 index 202896f66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_05.png deleted file mode 100644 index 7773b5d85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_06.png deleted file mode 100644 index 534e0216b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_07.png deleted file mode 100644 index 4c7337a58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_08.png deleted file mode 100644 index 998152a8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_09.png deleted file mode 100644 index 92b996786..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_10.png deleted file mode 100644 index d75dd3702..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_11.png deleted file mode 100644 index ba93fd6f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_12.png deleted file mode 100644 index 05dc67c31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_13.png deleted file mode 100644 index ab524c608..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_14.png deleted file mode 100644 index 2a21063dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_15.png deleted file mode 100644 index 65a2300fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_16.png deleted file mode 100644 index bb0462337..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_17.png deleted file mode 100644 index bf2d6a649..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_18.png deleted file mode 100644 index cb5cf3000..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_19.png deleted file mode 100644 index 3a3480b18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_20.png deleted file mode 100644 index 543a3570c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character24/0215_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_01.png deleted file mode 100644 index 37870466f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_02.png deleted file mode 100644 index 4d267c00c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_03.png deleted file mode 100644 index 326d864ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_04.png deleted file mode 100644 index e238152f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_05.png deleted file mode 100644 index 02819ab33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_06.png deleted file mode 100644 index ec701bdf8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_07.png deleted file mode 100644 index 89e6222b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_08.png deleted file mode 100644 index ca104658c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_09.png deleted file mode 100644 index 5b39936a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_10.png deleted file mode 100644 index ef1f53145..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_11.png deleted file mode 100644 index 7889fe4ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_12.png deleted file mode 100644 index d0b749457..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_13.png deleted file mode 100644 index 3c9cde460..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_14.png deleted file mode 100644 index 87fd4e67c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_15.png deleted file mode 100644 index ea8584cfb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_16.png deleted file mode 100644 index c99a28ae1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_17.png deleted file mode 100644 index 3b3016cb7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_18.png deleted file mode 100644 index 1b0f15989..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_19.png deleted file mode 100644 index a93676321..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_20.png deleted file mode 100644 index 636ff69fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character25/0216_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_01.png deleted file mode 100644 index e56e6d36a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_02.png deleted file mode 100644 index 5b15fca5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_03.png deleted file mode 100644 index 6a16d80d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_04.png deleted file mode 100644 index f66ef4419..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_05.png deleted file mode 100644 index 7b2a31f5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_06.png deleted file mode 100644 index 3bb8ff390..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_07.png deleted file mode 100644 index 4c062abbe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_08.png deleted file mode 100644 index ff01b3fdf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_09.png deleted file mode 100644 index 1244e3850..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_10.png deleted file mode 100644 index 8e883cc98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_11.png deleted file mode 100644 index 4620309bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_12.png deleted file mode 100644 index 82eb50f75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_13.png deleted file mode 100644 index 68c299b61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_14.png deleted file mode 100644 index 075517891..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_15.png deleted file mode 100644 index 70d1ba77e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_16.png deleted file mode 100644 index e402dbd71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_17.png deleted file mode 100644 index 96a10a969..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_18.png deleted file mode 100644 index af8ca63df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_19.png deleted file mode 100644 index 3263c2adf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_20.png deleted file mode 100644 index fe59acbc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Braille/character26/0217_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_01.png deleted file mode 100644 index 70ccb4b07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_02.png deleted file mode 100644 index 85c14df50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_03.png deleted file mode 100644 index f52a5d8f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_04.png deleted file mode 100644 index 3bfc4e5a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_05.png deleted file mode 100644 index b0457ba4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_06.png deleted file mode 100644 index 5e5daab6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_07.png deleted file mode 100644 index e9b920363..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_08.png deleted file mode 100644 index 097a04e8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_09.png deleted file mode 100644 index 746a210cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_10.png deleted file mode 100644 index 37699f4dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_11.png deleted file mode 100644 index 2292af5a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_12.png deleted file mode 100644 index 6d37655bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_13.png deleted file mode 100644 index 7cfa7ffb7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_14.png deleted file mode 100644 index 7cfb7476f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_15.png deleted file mode 100644 index a2d00a6c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_16.png deleted file mode 100644 index b153a94f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_17.png deleted file mode 100644 index 94bcf04fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_18.png deleted file mode 100644 index d4edfa8c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_19.png deleted file mode 100644 index ba96afc53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_20.png deleted file mode 100644 index 42d780068..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_01.png deleted file mode 100644 index 0b52f4565..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_02.png deleted file mode 100644 index c9475dcd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_03.png deleted file mode 100644 index c0a5d2e74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_04.png deleted file mode 100644 index d9e909fa3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_05.png deleted file mode 100644 index a2019ef0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_06.png deleted file mode 100644 index 33494d995..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_07.png deleted file mode 100644 index ebdf4ef0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_08.png deleted file mode 100644 index b7fa2ee1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_09.png deleted file mode 100644 index ddb782fda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_10.png deleted file mode 100644 index 4439a8e8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_11.png deleted file mode 100644 index 4f43c5974..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_12.png deleted file mode 100644 index 3b14cdcb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_13.png deleted file mode 100644 index b443f14e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_14.png deleted file mode 100644 index 2912400db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_15.png deleted file mode 100644 index 551313c95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_16.png deleted file mode 100644 index a2c7eecb5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_17.png deleted file mode 100644 index f22695418..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_18.png deleted file mode 100644 index 7df96a7c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_19.png deleted file mode 100644 index 420a1d404..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_20.png deleted file mode 100644 index ee25ce11f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_01.png deleted file mode 100644 index 47b9c06fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_02.png deleted file mode 100644 index 82eb43c5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_03.png deleted file mode 100644 index ae408e3fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_04.png deleted file mode 100644 index 29742d75b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_05.png deleted file mode 100644 index d22439ff2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_06.png deleted file mode 100644 index 209e3e632..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_07.png deleted file mode 100644 index 2ed6d2c48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_08.png deleted file mode 100644 index f07fe6857..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_09.png deleted file mode 100644 index 8f8cac00f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_10.png deleted file mode 100644 index f872906d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_11.png deleted file mode 100644 index 622d92a78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_12.png deleted file mode 100644 index 337668bfb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_13.png deleted file mode 100644 index 953728648..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_14.png deleted file mode 100644 index f34cc7b96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_15.png deleted file mode 100644 index 30ab5f3a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_16.png deleted file mode 100644 index 626010a63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_17.png deleted file mode 100644 index 6f2291353..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_18.png deleted file mode 100644 index eadeb5aad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_19.png deleted file mode 100644 index 417045941..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_20.png deleted file mode 100644 index 8b0e23e21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_01.png deleted file mode 100644 index 3756e1234..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_02.png deleted file mode 100644 index 133c8db1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_03.png deleted file mode 100644 index 22826c44b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_04.png deleted file mode 100644 index 5435a1ecf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_05.png deleted file mode 100644 index 757470b1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_06.png deleted file mode 100644 index c977c9d00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_07.png deleted file mode 100644 index 95f894492..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_08.png deleted file mode 100644 index 1a2df1c20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_09.png deleted file mode 100644 index b5962da5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_10.png deleted file mode 100644 index 330d548ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_11.png deleted file mode 100644 index e1c1c3640..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_12.png deleted file mode 100644 index a6d6da046..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_13.png deleted file mode 100644 index 7fee88c49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_14.png deleted file mode 100644 index 6454e63d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_15.png deleted file mode 100644 index 16ddea674..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_16.png deleted file mode 100644 index 0fea988b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_17.png deleted file mode 100644 index 2e3d3ce8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_18.png deleted file mode 100644 index c8a03cb61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_19.png deleted file mode 100644 index b4c3d67e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_20.png deleted file mode 100644 index 28065ed84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_01.png deleted file mode 100644 index 5cacae476..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_02.png deleted file mode 100644 index b73ec7e01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_03.png deleted file mode 100644 index fd3bd73b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_04.png deleted file mode 100644 index 3e136e97f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_05.png deleted file mode 100644 index b7570d6ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_06.png deleted file mode 100644 index 16f6eb815..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_07.png deleted file mode 100644 index 7973bc825..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_08.png deleted file mode 100644 index 20056b89e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_09.png deleted file mode 100644 index ab818bf74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_10.png deleted file mode 100644 index d8b2d79fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_11.png deleted file mode 100644 index 9d2f004f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_12.png deleted file mode 100644 index c16440e1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_13.png deleted file mode 100644 index efa63de78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_14.png deleted file mode 100644 index 44f3feac3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_15.png deleted file mode 100644 index 86419bcde..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_16.png deleted file mode 100644 index d1aa4d49c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_17.png deleted file mode 100644 index ea01d0488..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_18.png deleted file mode 100644 index 1917303b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_19.png deleted file mode 100644 index 407bab3da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_20.png deleted file mode 100644 index 97c299489..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_01.png deleted file mode 100644 index 877a7612f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_02.png deleted file mode 100644 index 86195aef5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_03.png deleted file mode 100644 index de576325b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_04.png deleted file mode 100644 index a5fe9d52d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_05.png deleted file mode 100644 index 8e4c166a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_06.png deleted file mode 100644 index 6da404c07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_07.png deleted file mode 100644 index 7a85091d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_08.png deleted file mode 100644 index 310dc1df7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_09.png deleted file mode 100644 index b3cfa6f4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_10.png deleted file mode 100644 index 75b2a0172..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_11.png deleted file mode 100644 index 2d2d56439..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_12.png deleted file mode 100644 index 979d4c391..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_13.png deleted file mode 100644 index 3063c4377..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_14.png deleted file mode 100644 index 4a8bae5fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_15.png deleted file mode 100644 index 74f315575..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_16.png deleted file mode 100644 index da1ce2616..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_17.png deleted file mode 100644 index ca3a5eab9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_18.png deleted file mode 100644 index 6d1ab8559..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_19.png deleted file mode 100644 index f3cdff73d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_20.png deleted file mode 100644 index eb6b7630f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_01.png deleted file mode 100644 index e59a52204..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_02.png deleted file mode 100644 index f561baca3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_03.png deleted file mode 100644 index b8d3db45a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_04.png deleted file mode 100644 index 2fab21993..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_05.png deleted file mode 100644 index 944c8bde5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_06.png deleted file mode 100644 index 03e220c58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_07.png deleted file mode 100644 index fd0473dac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_08.png deleted file mode 100644 index b61feaaa7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_09.png deleted file mode 100644 index 7cb70e210..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_10.png deleted file mode 100644 index e5c646740..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_11.png deleted file mode 100644 index 1da3280a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_12.png deleted file mode 100644 index f89c6370e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_13.png deleted file mode 100644 index f569b4642..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_14.png deleted file mode 100644 index 724a7974b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_15.png deleted file mode 100644 index cbf3b7153..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_16.png deleted file mode 100644 index 3382751f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_17.png deleted file mode 100644 index 5e3ff5907..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_18.png deleted file mode 100644 index f77cffdad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_19.png deleted file mode 100644 index 49ceb425e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_20.png deleted file mode 100644 index e6ab8fc4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_01.png deleted file mode 100644 index 396139928..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_02.png deleted file mode 100644 index d93170780..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_03.png deleted file mode 100644 index 74d8c59b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_04.png deleted file mode 100644 index 8683eff27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_05.png deleted file mode 100644 index 1850a92be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_06.png deleted file mode 100644 index 8f52c5a8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_07.png deleted file mode 100644 index 91d490797..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_08.png deleted file mode 100644 index b0ca661fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_09.png deleted file mode 100644 index 0102ff007..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_10.png deleted file mode 100644 index b3ad52430..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_11.png deleted file mode 100644 index 488c09e5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_12.png deleted file mode 100644 index 97f31507f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_13.png deleted file mode 100644 index 655523b4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_14.png deleted file mode 100644 index 219db2896..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_15.png deleted file mode 100644 index 2032831cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_16.png deleted file mode 100644 index a106bf94c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_17.png deleted file mode 100644 index 71264f719..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_18.png deleted file mode 100644 index 4b1e35e03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_19.png deleted file mode 100644 index 63dff15dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_20.png deleted file mode 100644 index c21a7735b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_01.png deleted file mode 100644 index df170a25f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_02.png deleted file mode 100644 index 52d4d76f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_03.png deleted file mode 100644 index 438f79851..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_04.png deleted file mode 100644 index 02419bf5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_05.png deleted file mode 100644 index 4d337c1eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_06.png deleted file mode 100644 index 2afcf1cb0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_07.png deleted file mode 100644 index e1dec6c57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_08.png deleted file mode 100644 index 2b46b4086..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_09.png deleted file mode 100644 index efcae4ab7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_10.png deleted file mode 100644 index c1a222c5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_11.png deleted file mode 100644 index c49cc8de1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_12.png deleted file mode 100644 index 717128d0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_13.png deleted file mode 100644 index cdb605392..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_14.png deleted file mode 100644 index 7f19d2bae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_15.png deleted file mode 100644 index 56627542b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_16.png deleted file mode 100644 index 347558e29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_17.png deleted file mode 100644 index 43eebcb50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_18.png deleted file mode 100644 index c5fae5460..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_19.png deleted file mode 100644 index ad63a3440..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_20.png deleted file mode 100644 index 96f4f4651..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_01.png deleted file mode 100644 index 441d018a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_02.png deleted file mode 100644 index 5d8835682..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_03.png deleted file mode 100644 index b7db9fa55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_04.png deleted file mode 100644 index dba63ab6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_05.png deleted file mode 100644 index d53ded6a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_06.png deleted file mode 100644 index 83fdafde8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_07.png deleted file mode 100644 index fddfd3485..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_08.png deleted file mode 100644 index 210b924d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_09.png deleted file mode 100644 index b0e8f03cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_10.png deleted file mode 100644 index 7e26dcd67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_11.png deleted file mode 100644 index 878af8d53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_12.png deleted file mode 100644 index 15787be59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_13.png deleted file mode 100644 index 5f13016bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_14.png deleted file mode 100644 index f1df0a9f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_15.png deleted file mode 100644 index 55a35e650..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_16.png deleted file mode 100644 index 66991835c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_17.png deleted file mode 100644 index e9017e670..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_18.png deleted file mode 100644 index 850aa5cc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_19.png deleted file mode 100644 index daa399a77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_20.png deleted file mode 100644 index e37d9353b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_01.png deleted file mode 100644 index 9b0cc417d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_02.png deleted file mode 100644 index 5f17d2054..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_03.png deleted file mode 100644 index 73bb68b80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_04.png deleted file mode 100644 index 27fdc4b96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_05.png deleted file mode 100644 index cb53790d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_06.png deleted file mode 100644 index b4e2220fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_07.png deleted file mode 100644 index 4a1aa5978..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_08.png deleted file mode 100644 index ad84becd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_09.png deleted file mode 100644 index 56a095d48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_10.png deleted file mode 100644 index cab42c2b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_11.png deleted file mode 100644 index 68089ba99..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_12.png deleted file mode 100644 index cee92953d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_13.png deleted file mode 100644 index b67071753..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_14.png deleted file mode 100644 index 1a9cad595..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_15.png deleted file mode 100644 index cc95e160c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_16.png deleted file mode 100644 index 577ab81d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_17.png deleted file mode 100644 index 3e338e2e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_18.png deleted file mode 100644 index d2c5c6179..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_19.png deleted file mode 100644 index 9a2d413fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_20.png deleted file mode 100644 index 360de8c9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_01.png deleted file mode 100644 index f54747476..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_02.png deleted file mode 100644 index 451a51201..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_03.png deleted file mode 100644 index 0922d390d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_04.png deleted file mode 100644 index 657b5409c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_05.png deleted file mode 100644 index 59c9e1392..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_06.png deleted file mode 100644 index 75f7f4540..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_07.png deleted file mode 100644 index c98fa2bc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_08.png deleted file mode 100644 index ec71c8b26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_09.png deleted file mode 100644 index 0fa07a510..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_10.png deleted file mode 100644 index 4afc5535d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_11.png deleted file mode 100644 index a082f1b9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_12.png deleted file mode 100644 index c6783864f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_13.png deleted file mode 100644 index b86f31ffc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_14.png deleted file mode 100644 index e5b4374f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_15.png deleted file mode 100644 index f37bda695..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_16.png deleted file mode 100644 index d3c771194..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_17.png deleted file mode 100644 index 0d759818f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_18.png deleted file mode 100644 index 7cce3173f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_19.png deleted file mode 100644 index ec26f302a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_20.png deleted file mode 100644 index 328f84272..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_01.png deleted file mode 100644 index 36d2d5645..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_02.png deleted file mode 100644 index e5abf353b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_03.png deleted file mode 100644 index 13c3a4021..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_04.png deleted file mode 100644 index 451263bb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_05.png deleted file mode 100644 index e679e624d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_06.png deleted file mode 100644 index ff7098c19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_07.png deleted file mode 100644 index 04dee0aca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_08.png deleted file mode 100644 index ffd439793..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_09.png deleted file mode 100644 index c82f7f327..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_10.png deleted file mode 100644 index 36d5dbb0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_11.png deleted file mode 100644 index f99be5755..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_12.png deleted file mode 100644 index 39ab6b5a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_13.png deleted file mode 100644 index 8c247eec3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_14.png deleted file mode 100644 index 859eb57c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_15.png deleted file mode 100644 index fef70a8bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_16.png deleted file mode 100644 index 0998f1d4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_17.png deleted file mode 100644 index 70446061a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_18.png deleted file mode 100644 index 82eb3e1bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_19.png deleted file mode 100644 index 377c34a9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_20.png deleted file mode 100644 index c474ad4de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_01.png deleted file mode 100644 index 1dc237a18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_02.png deleted file mode 100644 index 14ad6a0b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_03.png deleted file mode 100644 index 814b22651..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_04.png deleted file mode 100644 index d6dda7b4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_05.png deleted file mode 100644 index 36bd5aaf3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_06.png deleted file mode 100644 index 7498ab23f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_07.png deleted file mode 100644 index 0337c6ebb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_08.png deleted file mode 100644 index cd2157cb0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_09.png deleted file mode 100644 index a1431f4d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_10.png deleted file mode 100644 index 3b9e99807..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_11.png deleted file mode 100644 index 166889fd1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_12.png deleted file mode 100644 index 0406cb72a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_13.png deleted file mode 100644 index 5bfba35d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_14.png deleted file mode 100644 index 5cdf2d540..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_15.png deleted file mode 100644 index fb68624e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_16.png deleted file mode 100644 index 7851abb4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_17.png deleted file mode 100644 index 651b6bc1d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_18.png deleted file mode 100644 index 23f2f62ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_19.png deleted file mode 100644 index d743e646e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_20.png deleted file mode 100644 index ff3690fa0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_01.png deleted file mode 100644 index 530cdc4cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_02.png deleted file mode 100644 index 67802e1df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_03.png deleted file mode 100644 index 1beac2fc7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_04.png deleted file mode 100644 index 3b13f0c0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_05.png deleted file mode 100644 index 2a86ed99e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_06.png deleted file mode 100644 index 55de7a032..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_07.png deleted file mode 100644 index c268179d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_08.png deleted file mode 100644 index 5b59729c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_09.png deleted file mode 100644 index d6f16dc73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_10.png deleted file mode 100644 index 36c7d0da5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_11.png deleted file mode 100644 index 8ffddde62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_12.png deleted file mode 100644 index 9f93b6379..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_13.png deleted file mode 100644 index 529c39cd2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_14.png deleted file mode 100644 index 4a042ebcf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_15.png deleted file mode 100644 index 997862b0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_16.png deleted file mode 100644 index cec7edae3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_17.png deleted file mode 100644 index bce88635f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_18.png deleted file mode 100644 index 7877d1710..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_19.png deleted file mode 100644 index 206386b78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_20.png deleted file mode 100644 index e671ef771..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_01.png deleted file mode 100644 index 82c5983ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_02.png deleted file mode 100644 index 0ec64e9c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_03.png deleted file mode 100644 index 07383e20a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_04.png deleted file mode 100644 index 49923c70b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_05.png deleted file mode 100644 index b08246e23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_06.png deleted file mode 100644 index c614a75fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_07.png deleted file mode 100644 index d3d038433..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_08.png deleted file mode 100644 index 93bc219eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_09.png deleted file mode 100644 index 9dcb4b0fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_10.png deleted file mode 100644 index d9be76bbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_11.png deleted file mode 100644 index 79cb899ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_12.png deleted file mode 100644 index e4b14548f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_13.png deleted file mode 100644 index 28a502155..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_14.png deleted file mode 100644 index 4f4cea81d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_15.png deleted file mode 100644 index 4dc98836a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_16.png deleted file mode 100644 index 4c303c110..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_17.png deleted file mode 100644 index dd1d48426..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_18.png deleted file mode 100644 index eed8d8812..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_19.png deleted file mode 100644 index 3b3e3c879..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_20.png deleted file mode 100644 index 386fec851..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_01.png deleted file mode 100644 index a8ffb1428..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_02.png deleted file mode 100644 index cba37e5ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_03.png deleted file mode 100644 index ac9e367e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_04.png deleted file mode 100644 index 573221075..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_05.png deleted file mode 100644 index cdad619fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_06.png deleted file mode 100644 index 4f1c81d77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_07.png deleted file mode 100644 index 3a4dde3cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_08.png deleted file mode 100644 index 12ab1d8d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_09.png deleted file mode 100644 index 11eae9fb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_10.png deleted file mode 100644 index 521c0d8eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_11.png deleted file mode 100644 index 74db1b3e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_12.png deleted file mode 100644 index ef922ff92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_13.png deleted file mode 100644 index 902ba0dd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_14.png deleted file mode 100644 index d0796794c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_15.png deleted file mode 100644 index c1f110de9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_16.png deleted file mode 100644 index ba5e18538..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_17.png deleted file mode 100644 index 22facabf4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_18.png deleted file mode 100644 index 526d7ea59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_19.png deleted file mode 100644 index 2620bcaaf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_20.png deleted file mode 100644 index abcc12d9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_01.png deleted file mode 100644 index c3cfc397e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_02.png deleted file mode 100644 index fb47219c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_03.png deleted file mode 100644 index cc0a88514..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_04.png deleted file mode 100644 index 28c9ba754..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_05.png deleted file mode 100644 index 6e29ec491..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_06.png deleted file mode 100644 index e2106b6c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_07.png deleted file mode 100644 index 36a479f15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_08.png deleted file mode 100644 index 1cc50da71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_09.png deleted file mode 100644 index 96b669362..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_10.png deleted file mode 100644 index e766ee2e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_11.png deleted file mode 100644 index 94f9f82f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_12.png deleted file mode 100644 index 7ccca1536..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_13.png deleted file mode 100644 index acf0bb391..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_14.png deleted file mode 100644 index 7012b1800..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_15.png deleted file mode 100644 index e896b8a07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_16.png deleted file mode 100644 index 514997b73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_17.png deleted file mode 100644 index 3f4cb5755..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_18.png deleted file mode 100644 index 35a1c2cae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_19.png deleted file mode 100644 index 03bc5cc20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_20.png deleted file mode 100644 index 751728f44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_01.png deleted file mode 100644 index 1adf8130f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_02.png deleted file mode 100644 index 13c09cd13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_03.png deleted file mode 100644 index 89343a79d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_04.png deleted file mode 100644 index a6e2ce482..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_05.png deleted file mode 100644 index 5aa025241..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_06.png deleted file mode 100644 index d4923986d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_07.png deleted file mode 100644 index 1edae07e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_08.png deleted file mode 100644 index 6b1010d39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_09.png deleted file mode 100644 index 7f23e7058..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_10.png deleted file mode 100644 index be5aab341..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_11.png deleted file mode 100644 index aceafb618..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_12.png deleted file mode 100644 index b5c8e1280..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_13.png deleted file mode 100644 index 5d69b7532..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_14.png deleted file mode 100644 index 1e26dd5d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_15.png deleted file mode 100644 index 8fc6e2a54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_16.png deleted file mode 100644 index fed5f8ee0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_17.png deleted file mode 100644 index 498fa56d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_18.png deleted file mode 100644 index ba81d915a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_19.png deleted file mode 100644 index 20067d8b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_20.png deleted file mode 100644 index 9667fb523..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_01.png deleted file mode 100644 index 194d53e60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_02.png deleted file mode 100644 index b6d8b898b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_03.png deleted file mode 100644 index a06fc168a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_04.png deleted file mode 100644 index e4a428490..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_05.png deleted file mode 100644 index 9bfcb8d3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_06.png deleted file mode 100644 index 49675aea1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_07.png deleted file mode 100644 index f8c158a38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_08.png deleted file mode 100644 index b51780b2e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_09.png deleted file mode 100644 index 47208f543..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_10.png deleted file mode 100644 index 98586a1bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_11.png deleted file mode 100644 index fdac5de0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_12.png deleted file mode 100644 index 70f4f6b77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_13.png deleted file mode 100644 index bcd80cc13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_14.png deleted file mode 100644 index 53dc6f49f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_15.png deleted file mode 100644 index 967f00d04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_16.png deleted file mode 100644 index 5ff5a6ecc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_17.png deleted file mode 100644 index 258b0a591..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_18.png deleted file mode 100644 index 0a7df5d83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_19.png deleted file mode 100644 index 69650a69d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_20.png deleted file mode 100644 index c77ad9045..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_01.png deleted file mode 100644 index ba8c6ffb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_02.png deleted file mode 100644 index 63f6136a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_03.png deleted file mode 100644 index c8af8bd03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_04.png deleted file mode 100644 index 4fc2288df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_05.png deleted file mode 100644 index 7353ecab6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_06.png deleted file mode 100644 index fd10196c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_07.png deleted file mode 100644 index c6d75b0f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_08.png deleted file mode 100644 index ffa347e49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_09.png deleted file mode 100644 index 20174feaa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_10.png deleted file mode 100644 index d74f34877..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_11.png deleted file mode 100644 index ccd4f31ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_12.png deleted file mode 100644 index 07915e4c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_13.png deleted file mode 100644 index adc7e09d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_14.png deleted file mode 100644 index 762f41ae7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_15.png deleted file mode 100644 index 1fc967819..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_16.png deleted file mode 100644 index 6e12b61b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_17.png deleted file mode 100644 index f4fca8c88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_18.png deleted file mode 100644 index d409e8bf0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_19.png deleted file mode 100644 index f969d84ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_20.png deleted file mode 100644 index c24a787b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_01.png deleted file mode 100644 index 57b34bdb8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_02.png deleted file mode 100644 index fbc26f23f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_03.png deleted file mode 100644 index f9eb5f723..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_04.png deleted file mode 100644 index 40bb0875f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_05.png deleted file mode 100644 index 6d2c9b9ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_06.png deleted file mode 100644 index 11886122f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_07.png deleted file mode 100644 index 2d929cd23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_08.png deleted file mode 100644 index 92861034b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_09.png deleted file mode 100644 index bd416a8c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_10.png deleted file mode 100644 index 4357c7d28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_11.png deleted file mode 100644 index f8c31e5d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_12.png deleted file mode 100644 index 315ea246d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_13.png deleted file mode 100644 index 36677d9a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_14.png deleted file mode 100644 index 41cabf911..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_15.png deleted file mode 100644 index 951327675..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_16.png deleted file mode 100644 index a2945f02a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_17.png deleted file mode 100644 index d379924bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_18.png deleted file mode 100644 index 8cc35397b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_19.png deleted file mode 100644 index 64d703013..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_20.png deleted file mode 100644 index af4c3515b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_01.png deleted file mode 100644 index 030d48b72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_02.png deleted file mode 100644 index aedb56ab0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_03.png deleted file mode 100644 index 56e5a69e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_04.png deleted file mode 100644 index d47025e54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_05.png deleted file mode 100644 index cbf87ab4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_06.png deleted file mode 100644 index b1ca28e55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_07.png deleted file mode 100644 index a60e14ca2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_08.png deleted file mode 100644 index 3bc2e69c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_09.png deleted file mode 100644 index 60f297589..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_10.png deleted file mode 100644 index f1d64ebfb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_11.png deleted file mode 100644 index 2c0d8d42c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_12.png deleted file mode 100644 index 0046133af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_13.png deleted file mode 100644 index 6b7cc67e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_14.png deleted file mode 100644 index 10966f45a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_15.png deleted file mode 100644 index b49bccc04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_16.png deleted file mode 100644 index 62895bb27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_17.png deleted file mode 100644 index f693f3fef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_18.png deleted file mode 100644 index 530a18120..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_19.png deleted file mode 100644 index 2f4c4872d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_20.png deleted file mode 100644 index c3d3af62c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_01.png deleted file mode 100644 index 089d9cecb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_02.png deleted file mode 100644 index fe4876b8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_03.png deleted file mode 100644 index ba5e29b4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_04.png deleted file mode 100644 index 70dada3a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_05.png deleted file mode 100644 index b6a2c1761..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_06.png deleted file mode 100644 index 8700e3b0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_07.png deleted file mode 100644 index a83367df8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_08.png deleted file mode 100644 index 93a14d058..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_09.png deleted file mode 100644 index e83591523..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_10.png deleted file mode 100644 index 689e5eba6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_11.png deleted file mode 100644 index 947eafea1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_12.png deleted file mode 100644 index a2d84ddcc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_13.png deleted file mode 100644 index 803461b06..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_14.png deleted file mode 100644 index 71b2a1c38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_15.png deleted file mode 100644 index 9011a5ec5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_16.png deleted file mode 100644 index f9d7189ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_17.png deleted file mode 100644 index 22bdb199a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_18.png deleted file mode 100644 index 36cae350a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_19.png deleted file mode 100644 index 06ba1b3e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_20.png deleted file mode 100644 index 9b8949bea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_01.png deleted file mode 100644 index d64f2b5ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_02.png deleted file mode 100644 index 13dffb018..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_03.png deleted file mode 100644 index dad64aa56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_04.png deleted file mode 100644 index afd1cd570..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_05.png deleted file mode 100644 index 609fba106..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_06.png deleted file mode 100644 index c8de321ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_07.png deleted file mode 100644 index 3fb9df5b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_08.png deleted file mode 100644 index e32b169bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_09.png deleted file mode 100644 index 0692ed151..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_10.png deleted file mode 100644 index 4daca7bc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_11.png deleted file mode 100644 index acf21a7b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_12.png deleted file mode 100644 index 5bfc69a16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_13.png deleted file mode 100644 index bd9b6db0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_14.png deleted file mode 100644 index fe812d385..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_15.png deleted file mode 100644 index 65645c18f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_16.png deleted file mode 100644 index dcddfab93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_17.png deleted file mode 100644 index 8e56c2f3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_18.png deleted file mode 100644 index f3fec89d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_19.png deleted file mode 100644 index 54458d6c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_20.png deleted file mode 100644 index d50b9f32b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_01.png deleted file mode 100644 index c5550b097..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_02.png deleted file mode 100644 index a5fd4463f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_03.png deleted file mode 100644 index a23fa08fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_04.png deleted file mode 100644 index 7aeea667d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_05.png deleted file mode 100644 index afd09e0d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_06.png deleted file mode 100644 index 40c321b46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_07.png deleted file mode 100644 index 3036e4ebf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_08.png deleted file mode 100644 index fc53b0a86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_09.png deleted file mode 100644 index 2b4b8e663..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_10.png deleted file mode 100644 index 91c59fa7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_11.png deleted file mode 100644 index e1168f148..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_12.png deleted file mode 100644 index 7d78224d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_13.png deleted file mode 100644 index e946d96bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_14.png deleted file mode 100644 index 7797fa8dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_15.png deleted file mode 100644 index 8e473e5fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_16.png deleted file mode 100644 index cd529cfbb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_17.png deleted file mode 100644 index 18d0ed941..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_18.png deleted file mode 100644 index 3285b112f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_19.png deleted file mode 100644 index da684eaeb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_20.png deleted file mode 100644 index 99e06cec1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_01.png deleted file mode 100644 index 7e3d68c2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_02.png deleted file mode 100644 index dd0a84287..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_03.png deleted file mode 100644 index f2becdc6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_04.png deleted file mode 100644 index d100a4661..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_05.png deleted file mode 100644 index 44b8e351d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_06.png deleted file mode 100644 index e5d811ee2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_07.png deleted file mode 100644 index 1279373af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_08.png deleted file mode 100644 index 706e717dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_09.png deleted file mode 100644 index cc3a153b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_10.png deleted file mode 100644 index 97f8e0621..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_11.png deleted file mode 100644 index ebbd1192a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_12.png deleted file mode 100644 index fc535bb23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_13.png deleted file mode 100644 index f29f55854..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_14.png deleted file mode 100644 index e1b616ffd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_15.png deleted file mode 100644 index 93968e7f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_16.png deleted file mode 100644 index 527204051..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_17.png deleted file mode 100644 index 77545a069..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_18.png deleted file mode 100644 index afc6a4d5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_19.png deleted file mode 100644 index 34ab828a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_20.png deleted file mode 100644 index e43b2c735..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_01.png deleted file mode 100644 index 2bfd89775..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_02.png deleted file mode 100644 index 8c97f2a45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_03.png deleted file mode 100644 index 33d1ba354..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_04.png deleted file mode 100644 index 0bc43c553..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_05.png deleted file mode 100644 index 89721cedb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_06.png deleted file mode 100644 index 255ad174b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_07.png deleted file mode 100644 index 032999147..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_08.png deleted file mode 100644 index 43125e7fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_09.png deleted file mode 100644 index c6356d7fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_10.png deleted file mode 100644 index 10ea94cbb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_11.png deleted file mode 100644 index 5d0cbde7b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_12.png deleted file mode 100644 index 2d98c0946..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_13.png deleted file mode 100644 index 8b025f9aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_14.png deleted file mode 100644 index aaf080499..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_15.png deleted file mode 100644 index 23c21ad05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_16.png deleted file mode 100644 index 34be3455a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_17.png deleted file mode 100644 index 4b5387f37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_18.png deleted file mode 100644 index 446bc204e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_19.png deleted file mode 100644 index d38f9c535..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_20.png deleted file mode 100644 index e32112326..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_01.png deleted file mode 100644 index bf9aec336..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_02.png deleted file mode 100644 index db8862ac8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_03.png deleted file mode 100644 index 674fd3150..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_04.png deleted file mode 100644 index 676e894bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_05.png deleted file mode 100644 index 84da60f86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_06.png deleted file mode 100644 index 548259cb3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_07.png deleted file mode 100644 index c86fed379..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_08.png deleted file mode 100644 index 88fbe02f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_09.png deleted file mode 100644 index 24bcba46e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_10.png deleted file mode 100644 index b61552eb2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_11.png deleted file mode 100644 index ac5ed7db8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_12.png deleted file mode 100644 index 088363283..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_13.png deleted file mode 100644 index b48e7e4ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_14.png deleted file mode 100644 index d7dba55a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_15.png deleted file mode 100644 index 28f17a65f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_16.png deleted file mode 100644 index bf6c20158..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_17.png deleted file mode 100644 index d2332ad8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_18.png deleted file mode 100644 index 8fec56029..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_19.png deleted file mode 100644 index 2dfa549ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_20.png deleted file mode 100644 index 228c8eec9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_01.png deleted file mode 100644 index 3429077ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_02.png deleted file mode 100644 index 49650676e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_03.png deleted file mode 100644 index 59210afb1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_04.png deleted file mode 100644 index be6b61380..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_05.png deleted file mode 100644 index d421d187b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_06.png deleted file mode 100644 index 8a53a87da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_07.png deleted file mode 100644 index 937e1ce97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_08.png deleted file mode 100644 index 0624c7be9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_09.png deleted file mode 100644 index 87d4a391d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_10.png deleted file mode 100644 index 391c609e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_11.png deleted file mode 100644 index 1f6110224..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_12.png deleted file mode 100644 index 7418e7646..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_13.png deleted file mode 100644 index 52ca79531..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_14.png deleted file mode 100644 index 8960baf7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_15.png deleted file mode 100644 index 631fe96b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_16.png deleted file mode 100644 index 5c5d02cf7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_17.png deleted file mode 100644 index e9972d825..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_18.png deleted file mode 100644 index 34f8b22b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_19.png deleted file mode 100644 index 6d127de56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_20.png deleted file mode 100644 index 4c6cd9754..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_01.png deleted file mode 100644 index e3d49a613..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_02.png deleted file mode 100644 index 102e374e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_03.png deleted file mode 100644 index 767151a22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_04.png deleted file mode 100644 index da4c1f654..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_05.png deleted file mode 100644 index bd3d109a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_06.png deleted file mode 100644 index e91bcf54e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_07.png deleted file mode 100644 index 121660e00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_08.png deleted file mode 100644 index 2c949b587..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_09.png deleted file mode 100644 index a387edd8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_10.png deleted file mode 100644 index 4bf906f88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_11.png deleted file mode 100644 index ea8320331..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_12.png deleted file mode 100644 index c721b0221..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_13.png deleted file mode 100644 index bfbbd4a93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_14.png deleted file mode 100644 index 522578a7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_15.png deleted file mode 100644 index bb3af0709..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_16.png deleted file mode 100644 index 851127b36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_17.png deleted file mode 100644 index f38ebce7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_18.png deleted file mode 100644 index e680ec702..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_19.png deleted file mode 100644 index 563d8ed83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_20.png deleted file mode 100644 index a22de2e2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_01.png deleted file mode 100644 index 5b6d24bf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_02.png deleted file mode 100644 index 83e8c45a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_03.png deleted file mode 100644 index 58ad82817..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_04.png deleted file mode 100644 index 10ae60e34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_05.png deleted file mode 100644 index 62d87cb62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_06.png deleted file mode 100644 index 03fa9da49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_07.png deleted file mode 100644 index 05ddd335b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_08.png deleted file mode 100644 index 444bf2f69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_09.png deleted file mode 100644 index 51c437cb5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_10.png deleted file mode 100644 index bc80c91d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_11.png deleted file mode 100644 index 81169fcdf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_12.png deleted file mode 100644 index de45346b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_13.png deleted file mode 100644 index 86e3e3deb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_14.png deleted file mode 100644 index 6e15f173b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_15.png deleted file mode 100644 index 0c8a87f85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_16.png deleted file mode 100644 index 6d94ffc93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_17.png deleted file mode 100644 index ce6d839b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_18.png deleted file mode 100644 index 62d44c3cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_19.png deleted file mode 100644 index 3a4fb4871..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_20.png deleted file mode 100644 index c6b7e9005..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_01.png deleted file mode 100644 index 96627f8b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_02.png deleted file mode 100644 index 38bb74fbc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_03.png deleted file mode 100644 index 6fd859c2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_04.png deleted file mode 100644 index 2508ec820..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_05.png deleted file mode 100644 index d574d909b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_06.png deleted file mode 100644 index 6f86a14d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_07.png deleted file mode 100644 index 666e26c33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_08.png deleted file mode 100644 index 15bc9b30e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_09.png deleted file mode 100644 index 949b6910c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_10.png deleted file mode 100644 index 74d66ade8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_11.png deleted file mode 100644 index 74aff7fba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_12.png deleted file mode 100644 index 14cd617af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_13.png deleted file mode 100644 index ecb0c597d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_14.png deleted file mode 100644 index 28cc48c01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_15.png deleted file mode 100644 index 121cbfd99..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_16.png deleted file mode 100644 index cee332e95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_17.png deleted file mode 100644 index b7e579f6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_18.png deleted file mode 100644 index 3af66b268..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_19.png deleted file mode 100644 index 65b49c7b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_20.png deleted file mode 100644 index 294a557e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_01.png deleted file mode 100644 index d99a36c80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_02.png deleted file mode 100644 index 7a596710b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_03.png deleted file mode 100644 index fa67cc097..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_04.png deleted file mode 100644 index b50d18f05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_05.png deleted file mode 100644 index ddfc5ccaf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_06.png deleted file mode 100644 index 547cd1480..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_07.png deleted file mode 100644 index c8a2799dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_08.png deleted file mode 100644 index 70914ffa5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_09.png deleted file mode 100644 index ee6b47986..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_10.png deleted file mode 100644 index 6aeed4d79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_11.png deleted file mode 100644 index 874540a6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_12.png deleted file mode 100644 index b26957ff7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_13.png deleted file mode 100644 index 3aee8cc10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_14.png deleted file mode 100644 index 560c2d0cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_15.png deleted file mode 100644 index bcac4cf30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_16.png deleted file mode 100644 index 3690dd6ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_17.png deleted file mode 100644 index 9bc35e1f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_18.png deleted file mode 100644 index c10242c42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_19.png deleted file mode 100644 index 929e230e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_20.png deleted file mode 100644 index c857dfdb3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_01.png deleted file mode 100644 index 0ed82f876..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_02.png deleted file mode 100644 index cffa07633..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_03.png deleted file mode 100644 index 6d8cce6ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_04.png deleted file mode 100644 index 8154b6a77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_05.png deleted file mode 100644 index 81ae88667..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_06.png deleted file mode 100644 index 1151b25b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_07.png deleted file mode 100644 index 47b4274e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_08.png deleted file mode 100644 index 912fbf8ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_09.png deleted file mode 100644 index ff32cd18d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_10.png deleted file mode 100644 index 8f02872b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_11.png deleted file mode 100644 index a8540e761..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_12.png deleted file mode 100644 index b737355c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_13.png deleted file mode 100644 index 859215eb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_14.png deleted file mode 100644 index c8c81d904..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_15.png deleted file mode 100644 index bc8d2e009..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_16.png deleted file mode 100644 index 0d92c2bd1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_17.png deleted file mode 100644 index 2b2a88c0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_18.png deleted file mode 100644 index b27e6a804..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_19.png deleted file mode 100644 index 0bdf78be1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_20.png deleted file mode 100644 index 39c071e8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character01/0218_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_01.png deleted file mode 100644 index 78540bd6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_02.png deleted file mode 100644 index c76cb3d98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_03.png deleted file mode 100644 index 30a66fcd4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_04.png deleted file mode 100644 index 05efd5268..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_05.png deleted file mode 100644 index 19d9507b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_06.png deleted file mode 100644 index 21e8ba7c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_07.png deleted file mode 100644 index e9a5a4e6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_08.png deleted file mode 100644 index 818d4132b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_09.png deleted file mode 100644 index 0510a5db1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_10.png deleted file mode 100644 index 7efc7bad3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_11.png deleted file mode 100644 index a49d40ec0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_12.png deleted file mode 100644 index 692ff4186..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_13.png deleted file mode 100644 index a1ffec053..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_14.png deleted file mode 100644 index a6ebbce76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_15.png deleted file mode 100644 index 4bee95620..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_16.png deleted file mode 100644 index c0f7cd0ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_17.png deleted file mode 100644 index 480b91f8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_18.png deleted file mode 100644 index 95bf37cd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_19.png deleted file mode 100644 index 2e11d1b82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_20.png deleted file mode 100644 index 024ff8038..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character02/0219_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_01.png deleted file mode 100644 index 5d0151190..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_02.png deleted file mode 100644 index b922a8180..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_03.png deleted file mode 100644 index 8212b3e91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_04.png deleted file mode 100644 index b26fd7300..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_05.png deleted file mode 100644 index 765d81cc0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_06.png deleted file mode 100644 index 912301b8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_07.png deleted file mode 100644 index 3f10aa6a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_08.png deleted file mode 100644 index 53a40e5d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_09.png deleted file mode 100644 index 236b86ce3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_10.png deleted file mode 100644 index 8c5e4c1b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_11.png deleted file mode 100644 index 9b9d9753f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_12.png deleted file mode 100644 index 5a8a83a5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_13.png deleted file mode 100644 index 5185ef4cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_14.png deleted file mode 100644 index b72551879..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_15.png deleted file mode 100644 index 076d625aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_16.png deleted file mode 100644 index fa2cf9811..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_17.png deleted file mode 100644 index 79eb939b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_18.png deleted file mode 100644 index 6d16fd6b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_19.png deleted file mode 100644 index 3af09b3ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_20.png deleted file mode 100644 index 4b0a09b0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character03/0220_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_01.png deleted file mode 100644 index dc05a4c6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_02.png deleted file mode 100644 index 117365945..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_03.png deleted file mode 100644 index 4508bd040..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_04.png deleted file mode 100644 index 5d8f6eb6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_05.png deleted file mode 100644 index 4f58abad2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_06.png deleted file mode 100644 index e2a956769..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_07.png deleted file mode 100644 index 17464e893..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_08.png deleted file mode 100644 index 6c4234a67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_09.png deleted file mode 100644 index c8da26ff7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_10.png deleted file mode 100644 index dbbb21243..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_11.png deleted file mode 100644 index c87062be2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_12.png deleted file mode 100644 index a0afcc706..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_13.png deleted file mode 100644 index 6f1051535..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_14.png deleted file mode 100644 index f1a4f0595..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_15.png deleted file mode 100644 index 66120589a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_16.png deleted file mode 100644 index 057ef34f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_17.png deleted file mode 100644 index 1cba846a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_18.png deleted file mode 100644 index cd3b7896c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_19.png deleted file mode 100644 index 1641853d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_20.png deleted file mode 100644 index 9e0c4977f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character04/0221_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_01.png deleted file mode 100644 index 2026a7341..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_02.png deleted file mode 100644 index 5bc5590c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_03.png deleted file mode 100644 index ea0ecc4dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_04.png deleted file mode 100644 index 09951a8c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_05.png deleted file mode 100644 index 34bb179ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_06.png deleted file mode 100644 index 4d4c49110..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_07.png deleted file mode 100644 index 201e9e1a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_08.png deleted file mode 100644 index 69472b163..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_09.png deleted file mode 100644 index 0b4cb617e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_10.png deleted file mode 100644 index bf4f22509..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_11.png deleted file mode 100644 index 52ba8e4d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_12.png deleted file mode 100644 index 43962d3d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_13.png deleted file mode 100644 index 1a189334b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_14.png deleted file mode 100644 index 2111df15a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_15.png deleted file mode 100644 index aa8eaa6e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_16.png deleted file mode 100644 index 228837670..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_17.png deleted file mode 100644 index 93469d35a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_18.png deleted file mode 100644 index 9da2409a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_19.png deleted file mode 100644 index a86e29eba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_20.png deleted file mode 100644 index c79194798..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character05/0222_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_01.png deleted file mode 100644 index 71d1f954f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_02.png deleted file mode 100644 index 87c1e0e2e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_03.png deleted file mode 100644 index e72eb70fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_04.png deleted file mode 100644 index 3f4271aeb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_05.png deleted file mode 100644 index eef337d27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_06.png deleted file mode 100644 index 1a2fcb06b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_07.png deleted file mode 100644 index 496681bf9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_08.png deleted file mode 100644 index d94c6cb36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_09.png deleted file mode 100644 index 127b61364..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_10.png deleted file mode 100644 index 6fa6e7fd6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_11.png deleted file mode 100644 index 9b9881d5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_12.png deleted file mode 100644 index b1146bdf3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_13.png deleted file mode 100644 index 0d59c2748..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_14.png deleted file mode 100644 index edbeeba9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_15.png deleted file mode 100644 index a50ca28a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_16.png deleted file mode 100644 index 6e29602b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_17.png deleted file mode 100644 index f0866ba81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_18.png deleted file mode 100644 index 84f122eca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_19.png deleted file mode 100644 index 2512da9fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_20.png deleted file mode 100644 index b8ba0754f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character06/0223_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_01.png deleted file mode 100644 index ba4555f6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_02.png deleted file mode 100644 index 746a33a35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_03.png deleted file mode 100644 index 1ab8cc490..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_04.png deleted file mode 100644 index f33e57712..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_05.png deleted file mode 100644 index d92660851..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_06.png deleted file mode 100644 index 5f0c7a861..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_07.png deleted file mode 100644 index 200fdbd5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_08.png deleted file mode 100644 index 656e2b1e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_09.png deleted file mode 100644 index 947f9215b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_10.png deleted file mode 100644 index ddc95b03f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_11.png deleted file mode 100644 index 679286852..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_12.png deleted file mode 100644 index 223e8caeb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_13.png deleted file mode 100644 index 16b94700a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_14.png deleted file mode 100644 index 898f44283..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_15.png deleted file mode 100644 index 6353c983c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_16.png deleted file mode 100644 index b74f4cd89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_17.png deleted file mode 100644 index e3e9cf317..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_18.png deleted file mode 100644 index cdeed9686..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_19.png deleted file mode 100644 index 66bf5b77f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_20.png deleted file mode 100644 index ea59e7aaa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character07/0224_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_01.png deleted file mode 100644 index ed016575f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_02.png deleted file mode 100644 index fbed9be19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_03.png deleted file mode 100644 index 7fec9e294..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_04.png deleted file mode 100644 index 521216c72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_05.png deleted file mode 100644 index 57980e905..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_06.png deleted file mode 100644 index 828c08fcc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_07.png deleted file mode 100644 index 8117a4c21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_08.png deleted file mode 100644 index ce5ddf2d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_09.png deleted file mode 100644 index b18840fb5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_10.png deleted file mode 100644 index 3b3a83406..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_11.png deleted file mode 100644 index b699c9894..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_12.png deleted file mode 100644 index 56cba8586..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_13.png deleted file mode 100644 index 762e4b6e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_14.png deleted file mode 100644 index 907ba48f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_15.png deleted file mode 100644 index 473cf2757..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_16.png deleted file mode 100644 index e436172d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_17.png deleted file mode 100644 index 265ebaa66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_18.png deleted file mode 100644 index d773b316b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_19.png deleted file mode 100644 index 736f8c342..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_20.png deleted file mode 100644 index 97c8bce86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character08/0225_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_01.png deleted file mode 100644 index ca3ec057d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_02.png deleted file mode 100644 index e24afaaa0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_03.png deleted file mode 100644 index 3dace5a32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_04.png deleted file mode 100644 index 21f52e340..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_05.png deleted file mode 100644 index b8311db13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_06.png deleted file mode 100644 index d10668a60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_07.png deleted file mode 100644 index 05dbdf285..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_08.png deleted file mode 100644 index 4105e6064..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_09.png deleted file mode 100644 index d46f93b2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_10.png deleted file mode 100644 index 62e471bb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_11.png deleted file mode 100644 index 1626d0cc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_12.png deleted file mode 100644 index fab2c60e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_13.png deleted file mode 100644 index 454f8a38f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_14.png deleted file mode 100644 index 06324a814..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_15.png deleted file mode 100644 index a025b8a18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_16.png deleted file mode 100644 index 21e840203..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_17.png deleted file mode 100644 index 847d96e35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_18.png deleted file mode 100644 index 3c7b0e4e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_19.png deleted file mode 100644 index 593a0fad3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_20.png deleted file mode 100644 index 604baa61f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character09/0226_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_01.png deleted file mode 100644 index 88a31f40d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_02.png deleted file mode 100644 index 65bda6011..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_03.png deleted file mode 100644 index 1b436b16b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_04.png deleted file mode 100644 index 3e4d1f688..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_05.png deleted file mode 100644 index b8770c214..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_06.png deleted file mode 100644 index 468a2f7b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_07.png deleted file mode 100644 index 8db841925..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_08.png deleted file mode 100644 index e1c16ce74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_09.png deleted file mode 100644 index 49191f9f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_10.png deleted file mode 100644 index ffa68627d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_11.png deleted file mode 100644 index 67299bf83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_12.png deleted file mode 100644 index 1b0c77576..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_13.png deleted file mode 100644 index 55471d103..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_14.png deleted file mode 100644 index 9c369bf45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_15.png deleted file mode 100644 index 06cec71ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_16.png deleted file mode 100644 index 0c1091a68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_17.png deleted file mode 100644 index 7749974d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_18.png deleted file mode 100644 index 652d831bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_19.png deleted file mode 100644 index 980af4e07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_20.png deleted file mode 100644 index 4c6079c24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character10/0227_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_01.png deleted file mode 100644 index 68778a68c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_02.png deleted file mode 100644 index 86ddeca9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_03.png deleted file mode 100644 index b0b6a56b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_04.png deleted file mode 100644 index 01bbef2af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_05.png deleted file mode 100644 index 0306a63d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_06.png deleted file mode 100644 index 6f12d6580..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_07.png deleted file mode 100644 index d4a95b420..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_08.png deleted file mode 100644 index 3f6bb0bb0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_09.png deleted file mode 100644 index 12f96d7c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_10.png deleted file mode 100644 index 587f57bdb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_11.png deleted file mode 100644 index 96b0332fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_12.png deleted file mode 100644 index 1fee34e21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_13.png deleted file mode 100644 index 3fe411a0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_14.png deleted file mode 100644 index ddad27c8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_15.png deleted file mode 100644 index 223a69878..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_16.png deleted file mode 100644 index 0d1c99b14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_17.png deleted file mode 100644 index 42b37536c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_18.png deleted file mode 100644 index 46ba13171..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_19.png deleted file mode 100644 index 8a46cdd60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_20.png deleted file mode 100644 index 290a76472..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character11/0228_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_01.png deleted file mode 100644 index 88b6ef2fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_02.png deleted file mode 100644 index d4eee4d78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_03.png deleted file mode 100644 index 2e90a7284..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_04.png deleted file mode 100644 index af311ce29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_05.png deleted file mode 100644 index 6ac0a9c51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_06.png deleted file mode 100644 index 1b72ebd26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_07.png deleted file mode 100644 index f4a0a6694..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_08.png deleted file mode 100644 index 82b9b3210..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_09.png deleted file mode 100644 index 968dc615c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_10.png deleted file mode 100644 index fbf5661e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_11.png deleted file mode 100644 index d9c42a635..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_12.png deleted file mode 100644 index 858cd10a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_13.png deleted file mode 100644 index aa0dd4505..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_14.png deleted file mode 100644 index 32d2a1af8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_15.png deleted file mode 100644 index 20af6d85f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_16.png deleted file mode 100644 index d40ec5265..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_17.png deleted file mode 100644 index c3f822b6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_18.png deleted file mode 100644 index 0778d4d1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_19.png deleted file mode 100644 index 1c3bf02d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_20.png deleted file mode 100644 index d44d5e644..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character12/0229_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_01.png deleted file mode 100644 index 0ca4065d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_02.png deleted file mode 100644 index 1be933fe7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_03.png deleted file mode 100644 index 259a8f76b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_04.png deleted file mode 100644 index 77c0eb103..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_05.png deleted file mode 100644 index 95381b943..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_06.png deleted file mode 100644 index 9ec24addf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_07.png deleted file mode 100644 index a4b490836..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_08.png deleted file mode 100644 index 47d364ad0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_09.png deleted file mode 100644 index 73d6fe529..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_10.png deleted file mode 100644 index c5bd502ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_11.png deleted file mode 100644 index c7e7dfe8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_12.png deleted file mode 100644 index aa2cee8bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_13.png deleted file mode 100644 index 7b14fde80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_14.png deleted file mode 100644 index 829c20360..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_15.png deleted file mode 100644 index bbb5f8cf7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_16.png deleted file mode 100644 index 2beccd597..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_17.png deleted file mode 100644 index 22ab206fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_18.png deleted file mode 100644 index 92174f902..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_19.png deleted file mode 100644 index 9c2de8332..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_20.png deleted file mode 100644 index 61898f541..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character13/0230_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_01.png deleted file mode 100644 index b11ba3d55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_02.png deleted file mode 100644 index ad32782e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_03.png deleted file mode 100644 index 2f37b931f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_04.png deleted file mode 100644 index 717d6f998..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_05.png deleted file mode 100644 index 5813cfbc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_06.png deleted file mode 100644 index d33f7899e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_07.png deleted file mode 100644 index 6dc5ef6a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_08.png deleted file mode 100644 index 2ee38c34e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_09.png deleted file mode 100644 index 7a92980c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_10.png deleted file mode 100644 index 49a63adfd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_11.png deleted file mode 100644 index 8a1b7a0e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_12.png deleted file mode 100644 index c3f6cd97a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_13.png deleted file mode 100644 index f6b68b7c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_14.png deleted file mode 100644 index 77d801c83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_15.png deleted file mode 100644 index f5646165a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_16.png deleted file mode 100644 index 14b62b817..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_17.png deleted file mode 100644 index 53311dd9d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_18.png deleted file mode 100644 index 5291f5a69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_19.png deleted file mode 100644 index f02c3df01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_20.png deleted file mode 100644 index 78ac54c6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character14/0231_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_01.png deleted file mode 100644 index 4f2863bd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_02.png deleted file mode 100644 index f6c2ce004..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_03.png deleted file mode 100644 index abffd734c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_04.png deleted file mode 100644 index c7cbb5586..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_05.png deleted file mode 100644 index c6b5863f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_06.png deleted file mode 100644 index 083bdb73d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_07.png deleted file mode 100644 index 904d8fb88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_08.png deleted file mode 100644 index f95a7943b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_09.png deleted file mode 100644 index c3a035265..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_10.png deleted file mode 100644 index 1e73c7854..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_11.png deleted file mode 100644 index c6df9e0cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_12.png deleted file mode 100644 index a1ed40dca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_13.png deleted file mode 100644 index e0a597056..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_14.png deleted file mode 100644 index 6fc265108..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_15.png deleted file mode 100644 index 2bba5b2f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_16.png deleted file mode 100644 index ac5d6c55e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_17.png deleted file mode 100644 index 89c90ff40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_18.png deleted file mode 100644 index c2a13630a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_19.png deleted file mode 100644 index 439b1539a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_20.png deleted file mode 100644 index 09678046b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character15/0232_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_01.png deleted file mode 100644 index b140ef7d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_02.png deleted file mode 100644 index c52bc87a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_03.png deleted file mode 100644 index f2acd4c94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_04.png deleted file mode 100644 index fadfd9f26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_05.png deleted file mode 100644 index 9f30bf933..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_06.png deleted file mode 100644 index 8d71d762d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_07.png deleted file mode 100644 index 6ec0d8ccb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_08.png deleted file mode 100644 index c6057bf51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_09.png deleted file mode 100644 index 071dcaffd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_10.png deleted file mode 100644 index 8601f78b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_11.png deleted file mode 100644 index 85c4ec85f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_12.png deleted file mode 100644 index 3c1ff8a6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_13.png deleted file mode 100644 index 7fa891535..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_14.png deleted file mode 100644 index c409a287f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_15.png deleted file mode 100644 index 4515fa61e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_16.png deleted file mode 100644 index 5292f9f26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_17.png deleted file mode 100644 index df9e6ec34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_18.png deleted file mode 100644 index ddb9b739e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_19.png deleted file mode 100644 index cafe27340..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_20.png deleted file mode 100644 index 8ff66f7c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character16/0233_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_01.png deleted file mode 100644 index 070350aa7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_02.png deleted file mode 100644 index fb7ef56a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_03.png deleted file mode 100644 index 0d7f9c05e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_04.png deleted file mode 100644 index affb6ac69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_05.png deleted file mode 100644 index 8a411c202..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_06.png deleted file mode 100644 index c97ad0013..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_07.png deleted file mode 100644 index 38cbd090f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_08.png deleted file mode 100644 index 43188fea4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_09.png deleted file mode 100644 index fc88045cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_10.png deleted file mode 100644 index 25e9e11a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_11.png deleted file mode 100644 index 6f47daae3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_12.png deleted file mode 100644 index 8ecfd340e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_13.png deleted file mode 100644 index 1e61f297e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_14.png deleted file mode 100644 index 3898f595a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_15.png deleted file mode 100644 index 0a491cadd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_16.png deleted file mode 100644 index 3a4869289..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_17.png deleted file mode 100644 index 76a50cc45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_18.png deleted file mode 100644 index 6cc44e64e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_19.png deleted file mode 100644 index 1afb028bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_20.png deleted file mode 100644 index cc2915d09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character17/0234_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_01.png deleted file mode 100644 index aa6141731..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_02.png deleted file mode 100644 index 95c610042..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_03.png deleted file mode 100644 index 68bc232a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_04.png deleted file mode 100644 index 62e353bf3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_05.png deleted file mode 100644 index 5d41972ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_06.png deleted file mode 100644 index 5e806de56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_07.png deleted file mode 100644 index 2c88d3045..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_08.png deleted file mode 100644 index a5b80eaab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_09.png deleted file mode 100644 index 4b8e46d25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_10.png deleted file mode 100644 index 207d6b5af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_11.png deleted file mode 100644 index f8276a2c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_12.png deleted file mode 100644 index c68ff9659..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_13.png deleted file mode 100644 index 75769db30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_14.png deleted file mode 100644 index fa2b18265..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_15.png deleted file mode 100644 index 461bd6f67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_16.png deleted file mode 100644 index fb767b34e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_17.png deleted file mode 100644 index 6b38e9a40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_18.png deleted file mode 100644 index 1968f7741..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_19.png deleted file mode 100644 index 7a30495f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_20.png deleted file mode 100644 index 745b340fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character18/0235_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_01.png deleted file mode 100644 index e8746fde0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_02.png deleted file mode 100644 index 0f6743be6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_03.png deleted file mode 100644 index d82037a5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_04.png deleted file mode 100644 index 0e9362305..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_05.png deleted file mode 100644 index f9cac1c53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_06.png deleted file mode 100644 index e5195845f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_07.png deleted file mode 100644 index 7f3c2cd6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_08.png deleted file mode 100644 index 77200684b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_09.png deleted file mode 100644 index e95dabf68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_10.png deleted file mode 100644 index 0b6f44550..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_11.png deleted file mode 100644 index a15dbd0c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_12.png deleted file mode 100644 index ba5feb508..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_13.png deleted file mode 100644 index 1480e7ded..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_14.png deleted file mode 100644 index 2fc8dbef3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_15.png deleted file mode 100644 index e41d2f54e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_16.png deleted file mode 100644 index 2e29ab841..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_17.png deleted file mode 100644 index 78ae934fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_18.png deleted file mode 100644 index d84568833..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_19.png deleted file mode 100644 index dc0f217ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_20.png deleted file mode 100644 index 76fffa481..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character19/0236_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_01.png deleted file mode 100644 index 94df9861f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_02.png deleted file mode 100644 index ec817d8d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_03.png deleted file mode 100644 index 23f76ad2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_04.png deleted file mode 100644 index 5b443e863..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_05.png deleted file mode 100644 index a72a19246..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_06.png deleted file mode 100644 index dad642835..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_07.png deleted file mode 100644 index 93563c7dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_08.png deleted file mode 100644 index 9d52aa393..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_09.png deleted file mode 100644 index 791574e96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_10.png deleted file mode 100644 index cd234cdec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_11.png deleted file mode 100644 index 92f0cee69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_12.png deleted file mode 100644 index 6d8a00503..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_13.png deleted file mode 100644 index 91ef98bd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_14.png deleted file mode 100644 index 382d921f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_15.png deleted file mode 100644 index 366467b11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_16.png deleted file mode 100644 index 45ef1098b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_17.png deleted file mode 100644 index ce97fc1ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_18.png deleted file mode 100644 index f3b1c4082..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_19.png deleted file mode 100644 index 7ce769c4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_20.png deleted file mode 100644 index 67aa2aa7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character20/0237_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_01.png deleted file mode 100644 index 68861d8e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_02.png deleted file mode 100644 index 7484c09e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_03.png deleted file mode 100644 index 725f89255..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_04.png deleted file mode 100644 index 4ae264a05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_05.png deleted file mode 100644 index 4c5309f13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_06.png deleted file mode 100644 index 9ac6d8ec4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_07.png deleted file mode 100644 index 5b260e621..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_08.png deleted file mode 100644 index 876ed57b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_09.png deleted file mode 100644 index 59a906816..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_10.png deleted file mode 100644 index fe67c972e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_11.png deleted file mode 100644 index 6da71ce37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_12.png deleted file mode 100644 index 85480e536..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_13.png deleted file mode 100644 index efae86a35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_14.png deleted file mode 100644 index c72f087fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_15.png deleted file mode 100644 index f9c6d0191..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_16.png deleted file mode 100644 index b9c125ade..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_17.png deleted file mode 100644 index 3934d8b81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_18.png deleted file mode 100644 index 7bd6e426f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_19.png deleted file mode 100644 index 5f0f4491d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_20.png deleted file mode 100644 index 75edf9241..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character21/0238_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_01.png deleted file mode 100644 index a501059fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_02.png deleted file mode 100644 index 5864ad6e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_03.png deleted file mode 100644 index 811036d45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_04.png deleted file mode 100644 index c451d235e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_05.png deleted file mode 100644 index b7666e1f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_06.png deleted file mode 100644 index 14e8c81fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_07.png deleted file mode 100644 index 3157e4d0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_08.png deleted file mode 100644 index a6ff24987..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_09.png deleted file mode 100644 index d20472216..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_10.png deleted file mode 100644 index 0009e03ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_11.png deleted file mode 100644 index 0c7b2c376..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_12.png deleted file mode 100644 index 68ad2e8f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_13.png deleted file mode 100644 index 5c169eb5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_14.png deleted file mode 100644 index 4e16c76e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_15.png deleted file mode 100644 index ca1aedf52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_16.png deleted file mode 100644 index f8fab8a18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_17.png deleted file mode 100644 index 61339d80b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_18.png deleted file mode 100644 index ffcbd8032..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_19.png deleted file mode 100644 index fe94b0c87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_20.png deleted file mode 100644 index 6a91c04b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character22/0239_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_01.png deleted file mode 100644 index ce95c8820..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_02.png deleted file mode 100644 index 3c63bdcbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_03.png deleted file mode 100644 index b0ecb0faa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_04.png deleted file mode 100644 index 1789850c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_05.png deleted file mode 100644 index 04ea4e412..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_06.png deleted file mode 100644 index 05e7de332..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_07.png deleted file mode 100644 index 3c2f3b5f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_08.png deleted file mode 100644 index ced671dcd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_09.png deleted file mode 100644 index 93e745966..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_10.png deleted file mode 100644 index 08012c0bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_11.png deleted file mode 100644 index e0fddd3a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_12.png deleted file mode 100644 index 103e5be81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_13.png deleted file mode 100644 index b522bef33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_14.png deleted file mode 100644 index beb49f34e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_15.png deleted file mode 100644 index 9f3d1963f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_16.png deleted file mode 100644 index 623488f3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_17.png deleted file mode 100644 index bc44f2210..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_18.png deleted file mode 100644 index 058232861..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_19.png deleted file mode 100644 index 37777716d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_20.png deleted file mode 100644 index 9769020bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character23/0240_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_01.png deleted file mode 100644 index 5b1989cff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_02.png deleted file mode 100644 index 0cd9ef40d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_03.png deleted file mode 100644 index 5eb480aee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_04.png deleted file mode 100644 index 8ba5bed19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_05.png deleted file mode 100644 index 51b487d22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_06.png deleted file mode 100644 index f20dd4961..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_07.png deleted file mode 100644 index 18337a88e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_08.png deleted file mode 100644 index 4bc038d4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_09.png deleted file mode 100644 index a1c3853e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_10.png deleted file mode 100644 index f1ef65779..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_11.png deleted file mode 100644 index b1865415a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_12.png deleted file mode 100644 index 9f14c2748..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_13.png deleted file mode 100644 index f31e9448f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_14.png deleted file mode 100644 index a4b0d0433..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_15.png deleted file mode 100644 index e79b73ff9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_16.png deleted file mode 100644 index c58772c48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_17.png deleted file mode 100644 index e3b08aef2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_18.png deleted file mode 100644 index 43ec5578f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_19.png deleted file mode 100644 index 4bc11006c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_20.png deleted file mode 100644 index dcba86d66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character24/0241_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_01.png deleted file mode 100644 index e75de1fb8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_02.png deleted file mode 100644 index 918c795fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_03.png deleted file mode 100644 index eaf40351b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_04.png deleted file mode 100644 index ac5625c3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_05.png deleted file mode 100644 index 1190bd61a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_06.png deleted file mode 100644 index 93f4ee811..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_07.png deleted file mode 100644 index 2a65e0d24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_08.png deleted file mode 100644 index da0d320f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_09.png deleted file mode 100644 index 0e8ac1f37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_10.png deleted file mode 100644 index dd0cc0ff8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_11.png deleted file mode 100644 index 3d4e58332..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_12.png deleted file mode 100644 index 6f40dea94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_13.png deleted file mode 100644 index 6b7dbaa00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_14.png deleted file mode 100644 index ccd8d842c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_15.png deleted file mode 100644 index 8089a197b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_16.png deleted file mode 100644 index 36c4004ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_17.png deleted file mode 100644 index ab044c06d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_18.png deleted file mode 100644 index 7dc13a60e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_19.png deleted file mode 100644 index 52d6bee16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_20.png deleted file mode 100644 index 09d81b362..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character25/0242_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_01.png deleted file mode 100644 index 48680a2f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_02.png deleted file mode 100644 index 1d6280855..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_03.png deleted file mode 100644 index d483e74d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_04.png deleted file mode 100644 index e6df532f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_05.png deleted file mode 100644 index 3f0ddb11a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_06.png deleted file mode 100644 index 92f54c829..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_07.png deleted file mode 100644 index 4906ea5aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_08.png deleted file mode 100644 index 97410cdb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_09.png deleted file mode 100644 index e318ff9c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_10.png deleted file mode 100644 index 4a30fcef0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_11.png deleted file mode 100644 index 826ffaa82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_12.png deleted file mode 100644 index 4f09d609c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_13.png deleted file mode 100644 index 1eff464d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_14.png deleted file mode 100644 index daea859fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_15.png deleted file mode 100644 index c29ac3c13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_16.png deleted file mode 100644 index f7e9ba6e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_17.png deleted file mode 100644 index 5374f6493..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_18.png deleted file mode 100644 index c047e2dda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_19.png deleted file mode 100644 index aaef04d7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_20.png deleted file mode 100644 index 8070e3565..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character26/0243_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_01.png deleted file mode 100644 index 7a56b10e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_02.png deleted file mode 100644 index a29c047cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_03.png deleted file mode 100644 index 10209095f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_04.png deleted file mode 100644 index d37e4fc57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_05.png deleted file mode 100644 index a3e5e7cb3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_06.png deleted file mode 100644 index 64be88f23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_07.png deleted file mode 100644 index 7717c0320..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_08.png deleted file mode 100644 index d56c67927..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_09.png deleted file mode 100644 index 443fb02fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_10.png deleted file mode 100644 index fc7141842..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_11.png deleted file mode 100644 index 632a9c3c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_12.png deleted file mode 100644 index 080c0a1c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_13.png deleted file mode 100644 index 21969de92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_14.png deleted file mode 100644 index 8ed55d3b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_15.png deleted file mode 100644 index 11fdf4a32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_16.png deleted file mode 100644 index 6c4c5e043..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_17.png deleted file mode 100644 index 1d101e7af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_18.png deleted file mode 100644 index 937e64200..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_19.png deleted file mode 100644 index 532c938ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_20.png deleted file mode 100644 index 6f0039a7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character27/0244_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_01.png deleted file mode 100644 index c62eccb16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_02.png deleted file mode 100644 index 9c509faad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_03.png deleted file mode 100644 index e1d870ed4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_04.png deleted file mode 100644 index 012752e62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_05.png deleted file mode 100644 index 6428c86e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_06.png deleted file mode 100644 index fa648d49c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_07.png deleted file mode 100644 index ea63c641e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_08.png deleted file mode 100644 index b0503bc54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_09.png deleted file mode 100644 index 869d4721a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_10.png deleted file mode 100644 index 1db156b14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_11.png deleted file mode 100644 index 64ccc60ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_12.png deleted file mode 100644 index 3e53d986f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_13.png deleted file mode 100644 index 66e7d353f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_14.png deleted file mode 100644 index 853578d0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_15.png deleted file mode 100644 index 7a5ba4409..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_16.png deleted file mode 100644 index af868041c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_17.png deleted file mode 100644 index edab2b57b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_18.png deleted file mode 100644 index 1ec854ad7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_19.png deleted file mode 100644 index deeadb988..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_20.png deleted file mode 100644 index 073869b89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character28/0245_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_01.png deleted file mode 100644 index 2b78e2390..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_02.png deleted file mode 100644 index 26e554c48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_03.png deleted file mode 100644 index 9c0c0994b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_04.png deleted file mode 100644 index ea3647a0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_05.png deleted file mode 100644 index 24906e588..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_06.png deleted file mode 100644 index 8083eaae1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_07.png deleted file mode 100644 index 18e9d2ada..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_08.png deleted file mode 100644 index ceff963df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_09.png deleted file mode 100644 index 10fad566a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_10.png deleted file mode 100644 index 67ed81648..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_11.png deleted file mode 100644 index 77bb34327..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_12.png deleted file mode 100644 index 785d570e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_13.png deleted file mode 100644 index 326a9c98b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_14.png deleted file mode 100644 index c96863aa6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_15.png deleted file mode 100644 index 2bb801892..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_16.png deleted file mode 100644 index 68c690b1d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_17.png deleted file mode 100644 index ab2f35e2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_18.png deleted file mode 100644 index 0b4299501..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_19.png deleted file mode 100644 index d799b514c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_20.png deleted file mode 100644 index 7be75c255..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character29/0246_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_01.png deleted file mode 100644 index cdadb4526..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_02.png deleted file mode 100644 index f637fac80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_03.png deleted file mode 100644 index 768e9bf64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_04.png deleted file mode 100644 index 9a6ded0b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_05.png deleted file mode 100644 index a6612a449..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_06.png deleted file mode 100644 index e4795784f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_07.png deleted file mode 100644 index efa562d6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_08.png deleted file mode 100644 index 9fae569b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_09.png deleted file mode 100644 index 5307220e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_10.png deleted file mode 100644 index 1b4fd4a56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_11.png deleted file mode 100644 index 9b26d1db3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_12.png deleted file mode 100644 index 62f546df3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_13.png deleted file mode 100644 index 26b5528e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_14.png deleted file mode 100644 index 8a6d6df5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_15.png deleted file mode 100644 index e0ad1a145..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_16.png deleted file mode 100644 index d88434407..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_17.png deleted file mode 100644 index d88e043f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_18.png deleted file mode 100644 index 5706f88e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_19.png deleted file mode 100644 index fc3dd40f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_20.png deleted file mode 100644 index 27f4532ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character30/0247_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_01.png deleted file mode 100644 index 834567eb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_02.png deleted file mode 100644 index 6c4e867d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_03.png deleted file mode 100644 index 531f282cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_04.png deleted file mode 100644 index b59444163..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_05.png deleted file mode 100644 index 6c8460270..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_06.png deleted file mode 100644 index 2eeb8cf65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_07.png deleted file mode 100644 index 332bf34c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_08.png deleted file mode 100644 index b7d816656..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_09.png deleted file mode 100644 index 8ecc87e35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_10.png deleted file mode 100644 index 1f6cb74fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_11.png deleted file mode 100644 index 210913b83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_12.png deleted file mode 100644 index f75e77eff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_13.png deleted file mode 100644 index 0afeeec7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_14.png deleted file mode 100644 index 00a2aea3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_15.png deleted file mode 100644 index 48e9df969..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_16.png deleted file mode 100644 index f5c4acc8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_17.png deleted file mode 100644 index 5f6131634..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_18.png deleted file mode 100644 index e12163eb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_19.png deleted file mode 100644 index 06cdb4073..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_20.png deleted file mode 100644 index 2f5b09a77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character31/0248_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_01.png deleted file mode 100644 index d801f573e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_02.png deleted file mode 100644 index 90d44fd26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_03.png deleted file mode 100644 index 4f714cb3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_04.png deleted file mode 100644 index 8b0936bad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_05.png deleted file mode 100644 index 0009c4d00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_06.png deleted file mode 100644 index d1a0ae785..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_07.png deleted file mode 100644 index 2bcff258f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_08.png deleted file mode 100644 index 25d224311..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_09.png deleted file mode 100644 index bc3606137..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_10.png deleted file mode 100644 index 4c714005e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_11.png deleted file mode 100644 index 157396ad8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_12.png deleted file mode 100644 index aed2c7102..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_13.png deleted file mode 100644 index 3728241fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_14.png deleted file mode 100644 index 67c157a13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_15.png deleted file mode 100644 index 32611ae01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_16.png deleted file mode 100644 index 5e36b7333..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_17.png deleted file mode 100644 index 16aa6911f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_18.png deleted file mode 100644 index 795412ec6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_19.png deleted file mode 100644 index c2ba82aa7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_20.png deleted file mode 100644 index 9a8815860..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character32/0249_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_01.png deleted file mode 100644 index dc5cfa0e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_02.png deleted file mode 100644 index 33dea936a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_03.png deleted file mode 100644 index 14965d022..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_04.png deleted file mode 100644 index 7a13eca9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_05.png deleted file mode 100644 index b9f489505..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_06.png deleted file mode 100644 index c8a58e48b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_07.png deleted file mode 100644 index 389df06e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_08.png deleted file mode 100644 index a905479bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_09.png deleted file mode 100644 index 27f0d6a63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_10.png deleted file mode 100644 index 02f5dce55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_11.png deleted file mode 100644 index 91c4225b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_12.png deleted file mode 100644 index a07347963..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_13.png deleted file mode 100644 index efc9e560d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_14.png deleted file mode 100644 index 2b09f27e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_15.png deleted file mode 100644 index bd0e6b15e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_16.png deleted file mode 100644 index 8aa8e651d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_17.png deleted file mode 100644 index 62a79b086..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_18.png deleted file mode 100644 index 11e309579..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_19.png deleted file mode 100644 index aed25be1d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_20.png deleted file mode 100644 index 0189b202d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Cyrillic/character33/0250_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_01.png deleted file mode 100644 index 0d83f8b09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_02.png deleted file mode 100644 index 82bb89948..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_03.png deleted file mode 100644 index 8cf6ccdf0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_04.png deleted file mode 100644 index 328a7073b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_05.png deleted file mode 100644 index 1b81680d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_06.png deleted file mode 100644 index abc6111f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_07.png deleted file mode 100644 index 5dea99d8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_08.png deleted file mode 100644 index 87046fb3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_09.png deleted file mode 100644 index 6dd577e13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_10.png deleted file mode 100644 index 6b74a722b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_11.png deleted file mode 100644 index fb4940771..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_12.png deleted file mode 100644 index 71afca6a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_13.png deleted file mode 100644 index 97d2772fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_14.png deleted file mode 100644 index c59bbf43f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_15.png deleted file mode 100644 index 7bab7125a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_16.png deleted file mode 100644 index 18f9d1048..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_17.png deleted file mode 100644 index fbdd1f717..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_18.png deleted file mode 100644 index d9d7414b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_19.png deleted file mode 100644 index 707eff9cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_20.png deleted file mode 100644 index 3cd4c6198..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character01/0251_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_01.png deleted file mode 100644 index 3910067d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_02.png deleted file mode 100644 index 136b653c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_03.png deleted file mode 100644 index 6bd802ecb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_04.png deleted file mode 100644 index 915f801e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_05.png deleted file mode 100644 index 965d30648..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_06.png deleted file mode 100644 index f27653682..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_07.png deleted file mode 100644 index d1fe24b87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_08.png deleted file mode 100644 index 2cce7994e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_09.png deleted file mode 100644 index 21e60f0db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_10.png deleted file mode 100644 index 9545279f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_11.png deleted file mode 100644 index 63e8c5a9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_12.png deleted file mode 100644 index 4e6503770..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_13.png deleted file mode 100644 index 3731d3086..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_14.png deleted file mode 100644 index 033bdb2d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_15.png deleted file mode 100644 index 822cfbe76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_16.png deleted file mode 100644 index fc3c0f1f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_17.png deleted file mode 100644 index 7f5509f15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_18.png deleted file mode 100644 index f1a38d03c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_19.png deleted file mode 100644 index f53d12985..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_20.png deleted file mode 100644 index 101774afc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character02/0252_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_01.png deleted file mode 100644 index 317719fa4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_02.png deleted file mode 100644 index 9bbc1c774..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_03.png deleted file mode 100644 index 214ef406e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_04.png deleted file mode 100644 index 837b80ee6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_05.png deleted file mode 100644 index aeb45bbc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_06.png deleted file mode 100644 index c124225aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_07.png deleted file mode 100644 index 7edf14353..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_08.png deleted file mode 100644 index 8f562dce8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_09.png deleted file mode 100644 index ee7185c25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_10.png deleted file mode 100644 index de56ce007..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_11.png deleted file mode 100644 index 46050bcfb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_12.png deleted file mode 100644 index d27e15505..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_13.png deleted file mode 100644 index 90a4fdd1d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_14.png deleted file mode 100644 index 9feb25c03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_15.png deleted file mode 100644 index d9dc8c877..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_16.png deleted file mode 100644 index 687a70950..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_17.png deleted file mode 100644 index a58f7be58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_18.png deleted file mode 100644 index 863cd802b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_19.png deleted file mode 100644 index 1a3ca8cac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_20.png deleted file mode 100644 index b28247c76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character03/0253_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_01.png deleted file mode 100644 index 03341e3e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_02.png deleted file mode 100644 index 3801a5aba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_03.png deleted file mode 100644 index 64d063a96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_04.png deleted file mode 100644 index 473477484..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_05.png deleted file mode 100644 index 16a31e54d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_06.png deleted file mode 100644 index 279507b43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_07.png deleted file mode 100644 index f1988b794..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_08.png deleted file mode 100644 index 9cbc8cd5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_09.png deleted file mode 100644 index 7b42694fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_10.png deleted file mode 100644 index 7d9f4203c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_11.png deleted file mode 100644 index 889148016..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_12.png deleted file mode 100644 index 755806d80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_13.png deleted file mode 100644 index e64482321..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_14.png deleted file mode 100644 index b1abb3fee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_15.png deleted file mode 100644 index a2bd926c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_16.png deleted file mode 100644 index c03910be5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_17.png deleted file mode 100644 index 26801313b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_18.png deleted file mode 100644 index 98aad2fe6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_19.png deleted file mode 100644 index 376ece0b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_20.png deleted file mode 100644 index da357c4a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character04/0254_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_01.png deleted file mode 100644 index e4d7b0885..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_02.png deleted file mode 100644 index 1ce5d8ad5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_03.png deleted file mode 100644 index d52fabcfe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_04.png deleted file mode 100644 index b7621f759..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_05.png deleted file mode 100644 index 003c3a135..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_06.png deleted file mode 100644 index 8a6fbe904..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_07.png deleted file mode 100644 index c6adb7a15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_08.png deleted file mode 100644 index 47ae74d44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_09.png deleted file mode 100644 index 0cb821091..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_10.png deleted file mode 100644 index 996fd301c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_11.png deleted file mode 100644 index d7d0a6e38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_12.png deleted file mode 100644 index bb2201ace..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_13.png deleted file mode 100644 index 14277f8bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_14.png deleted file mode 100644 index 22960889a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_15.png deleted file mode 100644 index e24fda232..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_16.png deleted file mode 100644 index b7859e6fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_17.png deleted file mode 100644 index 298256b57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_18.png deleted file mode 100644 index a612fa49d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_19.png deleted file mode 100644 index 59f8e944a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_20.png deleted file mode 100644 index 010e7930f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character05/0255_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_01.png deleted file mode 100644 index 462d93303..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_02.png deleted file mode 100644 index 1b4a627cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_03.png deleted file mode 100644 index dd46a18c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_04.png deleted file mode 100644 index d50fa0420..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_05.png deleted file mode 100644 index b834fd9be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_06.png deleted file mode 100644 index 3f9492087..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_07.png deleted file mode 100644 index e7f61a0bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_08.png deleted file mode 100644 index d948918ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_09.png deleted file mode 100644 index bd15692e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_10.png deleted file mode 100644 index 303236194..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_11.png deleted file mode 100644 index 0f29b7859..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_12.png deleted file mode 100644 index 3d3c4c4ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_13.png deleted file mode 100644 index 7f2939c1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_14.png deleted file mode 100644 index 1e5f52a11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_15.png deleted file mode 100644 index c9cb4d293..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_16.png deleted file mode 100644 index f96c13fc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_17.png deleted file mode 100644 index 87c3f9e38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_18.png deleted file mode 100644 index 6fafb4bd5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_19.png deleted file mode 100644 index 5ceed7130..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_20.png deleted file mode 100644 index 5aee5e5f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character06/0256_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_01.png deleted file mode 100644 index 7f874762a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_02.png deleted file mode 100644 index 28eb4d8ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_03.png deleted file mode 100644 index 80de82772..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_04.png deleted file mode 100644 index a1980e02d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_05.png deleted file mode 100644 index cedcea0eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_06.png deleted file mode 100644 index e0bce901d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_07.png deleted file mode 100644 index 9e9156bbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_08.png deleted file mode 100644 index b087f3aef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_09.png deleted file mode 100644 index ff32a6c35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_10.png deleted file mode 100644 index 5e9cfd0a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_11.png deleted file mode 100644 index 8d67a75b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_12.png deleted file mode 100644 index 94f7a5dff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_13.png deleted file mode 100644 index a50f5bacd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_14.png deleted file mode 100644 index 4eac258f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_15.png deleted file mode 100644 index 052522c94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_16.png deleted file mode 100644 index 20364da7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_17.png deleted file mode 100644 index b5954d4c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_18.png deleted file mode 100644 index 2a6f40e51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_19.png deleted file mode 100644 index 194cc541c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_20.png deleted file mode 100644 index 7cb27847f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character07/0257_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_01.png deleted file mode 100644 index 6251785f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_02.png deleted file mode 100644 index 8879c2109..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_03.png deleted file mode 100644 index 28966e336..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_04.png deleted file mode 100644 index 90326d30a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_05.png deleted file mode 100644 index 3ab3b7642..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_06.png deleted file mode 100644 index 75ec4a484..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_07.png deleted file mode 100644 index 927de3413..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_08.png deleted file mode 100644 index 91cdd3cae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_09.png deleted file mode 100644 index b28a4eba1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_10.png deleted file mode 100644 index 7955ee362..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_11.png deleted file mode 100644 index 733acdd59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_12.png deleted file mode 100644 index 7468bcf37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_13.png deleted file mode 100644 index 05cb7b454..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_14.png deleted file mode 100644 index 8aa3094e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_15.png deleted file mode 100644 index fd50899ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_16.png deleted file mode 100644 index e1aa67d3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_17.png deleted file mode 100644 index 0407dc673..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_18.png deleted file mode 100644 index f6a154053..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_19.png deleted file mode 100644 index cc387499d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_20.png deleted file mode 100644 index 97e9ae5f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character08/0258_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_01.png deleted file mode 100644 index a9d13d3d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_02.png deleted file mode 100644 index f9eb9786e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_03.png deleted file mode 100644 index 89575b39e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_04.png deleted file mode 100644 index 84b4d2fa6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_05.png deleted file mode 100644 index 6c92b3da4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_06.png deleted file mode 100644 index 8661b0bdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_07.png deleted file mode 100644 index f785bfc68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_08.png deleted file mode 100644 index 6eef21e67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_09.png deleted file mode 100644 index e90bda108..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_10.png deleted file mode 100644 index 2100d1049..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_11.png deleted file mode 100644 index 8791465c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_12.png deleted file mode 100644 index 3ceba4313..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_13.png deleted file mode 100644 index 5673aca0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_14.png deleted file mode 100644 index 2590af8c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_15.png deleted file mode 100644 index 0eeea8e48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_16.png deleted file mode 100644 index 052ebce43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_17.png deleted file mode 100644 index 7401c1734..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_18.png deleted file mode 100644 index cff325c9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_19.png deleted file mode 100644 index e1f1ae8b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_20.png deleted file mode 100644 index 5ba369c4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character09/0259_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_01.png deleted file mode 100644 index cb3118cdf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_02.png deleted file mode 100644 index eff975b3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_03.png deleted file mode 100644 index 27401be28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_04.png deleted file mode 100644 index 08f4be3c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_05.png deleted file mode 100644 index ffece3595..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_06.png deleted file mode 100644 index 0f4b3e41c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_07.png deleted file mode 100644 index e66a33ea8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_08.png deleted file mode 100644 index 9f9d21e52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_09.png deleted file mode 100644 index 3712b3261..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_10.png deleted file mode 100644 index eae420850..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_11.png deleted file mode 100644 index 296d0c3e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_12.png deleted file mode 100644 index 31706a858..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_13.png deleted file mode 100644 index 84c2e65b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_14.png deleted file mode 100644 index 7be0724c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_15.png deleted file mode 100644 index c43f5ddf8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_16.png deleted file mode 100644 index bed3f4d3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_17.png deleted file mode 100644 index 26a7d78f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_18.png deleted file mode 100644 index 59cb37cce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_19.png deleted file mode 100644 index 7cf21f5ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_20.png deleted file mode 100644 index 01bd8d5a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character10/0260_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_01.png deleted file mode 100644 index 3dbdda892..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_02.png deleted file mode 100644 index 441da2206..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_03.png deleted file mode 100644 index e1788fb1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_04.png deleted file mode 100644 index 865624315..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_05.png deleted file mode 100644 index 839ad9c29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_06.png deleted file mode 100644 index 6be89f6ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_07.png deleted file mode 100644 index 36b997aba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_08.png deleted file mode 100644 index 7de5d8f6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_09.png deleted file mode 100644 index 58859ae65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_10.png deleted file mode 100644 index 793afe8b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_11.png deleted file mode 100644 index dc7a05c5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_12.png deleted file mode 100644 index c1bc327d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_13.png deleted file mode 100644 index ef27ccb65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_14.png deleted file mode 100644 index cfe5ea40f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_15.png deleted file mode 100644 index cf84f0461..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_16.png deleted file mode 100644 index 9eb027fc7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_17.png deleted file mode 100644 index 4f715b196..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_18.png deleted file mode 100644 index 91af24ee4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_19.png deleted file mode 100644 index 4c672e344..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_20.png deleted file mode 100644 index 23b91d7fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character11/0261_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_01.png deleted file mode 100644 index 0bc2046b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_02.png deleted file mode 100644 index ed4859ad2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_03.png deleted file mode 100644 index 353874b0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_04.png deleted file mode 100644 index e7ae16ade..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_05.png deleted file mode 100644 index 0e43dfd96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_06.png deleted file mode 100644 index 163954600..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_07.png deleted file mode 100644 index 649f1bc96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_08.png deleted file mode 100644 index 454e09740..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_09.png deleted file mode 100644 index 458cb572e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_10.png deleted file mode 100644 index 627cd6771..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_11.png deleted file mode 100644 index 6a209740a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_12.png deleted file mode 100644 index 6bfea50b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_13.png deleted file mode 100644 index 81a558c8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_14.png deleted file mode 100644 index 49f5ee0f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_15.png deleted file mode 100644 index 3a92ee2d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_16.png deleted file mode 100644 index d99c9a287..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_17.png deleted file mode 100644 index 2c2bcb8f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_18.png deleted file mode 100644 index 5b10bfc3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_19.png deleted file mode 100644 index e61c97736..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_20.png deleted file mode 100644 index 3a558707d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character12/0262_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_01.png deleted file mode 100644 index 1cb573040..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_02.png deleted file mode 100644 index a82892099..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_03.png deleted file mode 100644 index fee159a2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_04.png deleted file mode 100644 index 14250f37e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_05.png deleted file mode 100644 index 7acd09cd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_06.png deleted file mode 100644 index 546b6c059..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_07.png deleted file mode 100644 index 07c5d80e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_08.png deleted file mode 100644 index 41017cbfc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_09.png deleted file mode 100644 index 17873d445..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_10.png deleted file mode 100644 index 36b85aebc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_11.png deleted file mode 100644 index 731273456..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_12.png deleted file mode 100644 index fa9e65ea5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_13.png deleted file mode 100644 index c7c5042bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_14.png deleted file mode 100644 index ca0391840..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_15.png deleted file mode 100644 index 9cc589687..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_16.png deleted file mode 100644 index c478dae9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_17.png deleted file mode 100644 index aa0f156f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_18.png deleted file mode 100644 index 1d1d74fbc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_19.png deleted file mode 100644 index 220112cd7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_20.png deleted file mode 100644 index dda53446c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character13/0263_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_01.png deleted file mode 100644 index 4851c1764..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_02.png deleted file mode 100644 index 571693a68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_03.png deleted file mode 100644 index b5556eb5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_04.png deleted file mode 100644 index 0c2ecfdde..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_05.png deleted file mode 100644 index 32b911ce3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_06.png deleted file mode 100644 index 872226499..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_07.png deleted file mode 100644 index 965ef60b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_08.png deleted file mode 100644 index 16d72f75d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_09.png deleted file mode 100644 index 44fbe9926..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_10.png deleted file mode 100644 index d6a1cd131..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_11.png deleted file mode 100644 index c2def5fe4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_12.png deleted file mode 100644 index ebbe346fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_13.png deleted file mode 100644 index a3b68b401..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_14.png deleted file mode 100644 index 0350e10a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_15.png deleted file mode 100644 index 6d2008127..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_16.png deleted file mode 100644 index 5719fe011..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_17.png deleted file mode 100644 index a6152f5f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_18.png deleted file mode 100644 index 9340deedf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_19.png deleted file mode 100644 index 048345e25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_20.png deleted file mode 100644 index d7ffb8e1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character14/0264_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_01.png deleted file mode 100644 index c5708d01b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_02.png deleted file mode 100644 index dd9d13d40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_03.png deleted file mode 100644 index 2920f31f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_04.png deleted file mode 100644 index 3fe933774..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_05.png deleted file mode 100644 index fe1c0e321..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_06.png deleted file mode 100644 index d2470d82b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_07.png deleted file mode 100644 index a671c91c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_08.png deleted file mode 100644 index c6b8f9e53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_09.png deleted file mode 100644 index c34d56e34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_10.png deleted file mode 100644 index d71495a56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_11.png deleted file mode 100644 index f3e16c250..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_12.png deleted file mode 100644 index addac2e9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_13.png deleted file mode 100644 index e5f158772..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_14.png deleted file mode 100644 index 6cc356b20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_15.png deleted file mode 100644 index 99030579d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_16.png deleted file mode 100644 index 011c4f91a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_17.png deleted file mode 100644 index d30013cc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_18.png deleted file mode 100644 index 725990ef2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_19.png deleted file mode 100644 index a697348cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_20.png deleted file mode 100644 index 078f0e1c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character15/0265_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_01.png deleted file mode 100644 index d2f8d46e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_02.png deleted file mode 100644 index 2236f1c54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_03.png deleted file mode 100644 index 9c425fff4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_04.png deleted file mode 100644 index d32636c44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_05.png deleted file mode 100644 index ff96211f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_06.png deleted file mode 100644 index 815cbca64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_07.png deleted file mode 100644 index 61dbd4718..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_08.png deleted file mode 100644 index d1d7749a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_09.png deleted file mode 100644 index f1d9bb9c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_10.png deleted file mode 100644 index 28b7843fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_11.png deleted file mode 100644 index d056a50d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_12.png deleted file mode 100644 index 68cebafd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_13.png deleted file mode 100644 index 117037d89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_14.png deleted file mode 100644 index 5a63acd6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_15.png deleted file mode 100644 index 1e1793388..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_16.png deleted file mode 100644 index b395c2b78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_17.png deleted file mode 100644 index 2b3c2d771..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_18.png deleted file mode 100644 index bfd4a6ae6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_19.png deleted file mode 100644 index 125fe0ad2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_20.png deleted file mode 100644 index 2a0bd99e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character16/0266_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_01.png deleted file mode 100644 index 15cd5c7ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_02.png deleted file mode 100644 index 9dfd4e942..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_03.png deleted file mode 100644 index 811570636..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_04.png deleted file mode 100644 index f6e0b1480..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_05.png deleted file mode 100644 index f1bf3158a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_06.png deleted file mode 100644 index cc0f5262b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_07.png deleted file mode 100644 index 9455507b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_08.png deleted file mode 100644 index 2c9fc2163..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_09.png deleted file mode 100644 index 43819351f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_10.png deleted file mode 100644 index eb24929b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_11.png deleted file mode 100644 index 221a9ae66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_12.png deleted file mode 100644 index af973e55b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_13.png deleted file mode 100644 index 5b26cb0c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_14.png deleted file mode 100644 index 87d07b654..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_15.png deleted file mode 100644 index 7f743c6c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_16.png deleted file mode 100644 index 5c1075c41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_17.png deleted file mode 100644 index 946e2363f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_18.png deleted file mode 100644 index 4950018c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_19.png deleted file mode 100644 index 212bad828..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_20.png deleted file mode 100644 index 577b90305..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character17/0267_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_01.png deleted file mode 100644 index 06641a670..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_02.png deleted file mode 100644 index 07ef18770..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_03.png deleted file mode 100644 index 3e78322e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_04.png deleted file mode 100644 index 4654eea7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_05.png deleted file mode 100644 index 515a1a2c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_06.png deleted file mode 100644 index 452abb6ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_07.png deleted file mode 100644 index 3bda62280..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_08.png deleted file mode 100644 index 0baf6d666..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_09.png deleted file mode 100644 index 5d7c40c08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_10.png deleted file mode 100644 index 3be6bbafa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_11.png deleted file mode 100644 index 33e6ff3f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_12.png deleted file mode 100644 index 6c1f89dfe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_13.png deleted file mode 100644 index 93b38808b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_14.png deleted file mode 100644 index 0e8fd107e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_15.png deleted file mode 100644 index 7fc8db7bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_16.png deleted file mode 100644 index c7848a83c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_17.png deleted file mode 100644 index ec1373fb3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_18.png deleted file mode 100644 index 1664ca682..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_19.png deleted file mode 100644 index 2dffab038..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_20.png deleted file mode 100644 index 0dfbd1457..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character18/0268_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_01.png deleted file mode 100644 index c0c8cefa4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_02.png deleted file mode 100644 index 854ed78d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_03.png deleted file mode 100644 index 0563e063d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_04.png deleted file mode 100644 index 2df689da6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_05.png deleted file mode 100644 index 0e7bbf6fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_06.png deleted file mode 100644 index 4ac6968e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_07.png deleted file mode 100644 index d1d49f0be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_08.png deleted file mode 100644 index b58a38885..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_09.png deleted file mode 100644 index 0ed6fdd80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_10.png deleted file mode 100644 index 525bbe6d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_11.png deleted file mode 100644 index 8ca6d613b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_12.png deleted file mode 100644 index 44c4c09c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_13.png deleted file mode 100644 index 567d204aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_14.png deleted file mode 100644 index 8949f7ebf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_15.png deleted file mode 100644 index 67e7f15de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_16.png deleted file mode 100644 index 2ceca81a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_17.png deleted file mode 100644 index 044cec237..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_18.png deleted file mode 100644 index 9facf1be1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_19.png deleted file mode 100644 index 9d1e6d2b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_20.png deleted file mode 100644 index f14362283..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character19/0269_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_01.png deleted file mode 100644 index f69a905d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_02.png deleted file mode 100644 index d4c30c047..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_03.png deleted file mode 100644 index 92593d2ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_04.png deleted file mode 100644 index 9f1e3ba40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_05.png deleted file mode 100644 index fb8ccf2b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_06.png deleted file mode 100644 index 440463202..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_07.png deleted file mode 100644 index f19644bc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_08.png deleted file mode 100644 index 817cff981..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_09.png deleted file mode 100644 index f86c8ba6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_10.png deleted file mode 100644 index 7cdd1e111..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_11.png deleted file mode 100644 index f29726274..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_12.png deleted file mode 100644 index 92893e36e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_13.png deleted file mode 100644 index 74dc62f95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_14.png deleted file mode 100644 index 1c450a531..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_15.png deleted file mode 100644 index 5feef0810..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_16.png deleted file mode 100644 index 1af59b420..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_17.png deleted file mode 100644 index 1af33e7df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_18.png deleted file mode 100644 index a66645357..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_19.png deleted file mode 100644 index 75008972f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_20.png deleted file mode 100644 index 1e2f49ca5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character20/0270_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_01.png deleted file mode 100644 index 65b5d2914..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_02.png deleted file mode 100644 index e526592a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_03.png deleted file mode 100644 index 954456f53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_04.png deleted file mode 100644 index e550f920d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_05.png deleted file mode 100644 index 6d5db8497..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_06.png deleted file mode 100644 index f7f821bcd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_07.png deleted file mode 100644 index 8f9052deb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_08.png deleted file mode 100644 index cbf926c09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_09.png deleted file mode 100644 index 60109c749..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_10.png deleted file mode 100644 index e3c7cd552..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_11.png deleted file mode 100644 index fddb54833..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_12.png deleted file mode 100644 index 8a0fc5527..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_13.png deleted file mode 100644 index 7ace6c4d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_14.png deleted file mode 100644 index db9c68827..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_15.png deleted file mode 100644 index d0f404f47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_16.png deleted file mode 100644 index ac08daf9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_17.png deleted file mode 100644 index c4cecc39c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_18.png deleted file mode 100644 index 28c973ff2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_19.png deleted file mode 100644 index 0440a7243..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_20.png deleted file mode 100644 index 79fdca4f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character21/0271_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_01.png deleted file mode 100644 index 950147a11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_02.png deleted file mode 100644 index 5ecbe273b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_03.png deleted file mode 100644 index e8cc70c08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_04.png deleted file mode 100644 index 0c7de6003..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_05.png deleted file mode 100644 index 4d82dc869..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_06.png deleted file mode 100644 index da070037f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_07.png deleted file mode 100644 index 11a0bc62c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_08.png deleted file mode 100644 index 133fca208..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_09.png deleted file mode 100644 index 454c4dab9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_10.png deleted file mode 100644 index 91dee73c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_11.png deleted file mode 100644 index f15af1422..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_12.png deleted file mode 100644 index ca7899fb8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_13.png deleted file mode 100644 index c7a908f07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_14.png deleted file mode 100644 index 0a9470d2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_15.png deleted file mode 100644 index 73b5ef24a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_16.png deleted file mode 100644 index 764b7e8b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_17.png deleted file mode 100644 index 4864b3083..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_18.png deleted file mode 100644 index 55da10eef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_19.png deleted file mode 100644 index 856735d83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_20.png deleted file mode 100644 index 2acf0ff28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Early_Aramaic/character22/0272_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_01.png deleted file mode 100644 index 1122a4834..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_02.png deleted file mode 100644 index 1437ddfde..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_03.png deleted file mode 100644 index 1af8012fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_04.png deleted file mode 100644 index 2fc7df655..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_05.png deleted file mode 100644 index 74b00547b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_06.png deleted file mode 100644 index ee2245b9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_07.png deleted file mode 100644 index b1210613a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_08.png deleted file mode 100644 index 80141991e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_09.png deleted file mode 100644 index 08c898778..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_10.png deleted file mode 100644 index 56e053ab8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_11.png deleted file mode 100644 index ed6c4cbab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_12.png deleted file mode 100644 index b64643d7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_13.png deleted file mode 100644 index 410097ed9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_14.png deleted file mode 100644 index 818525470..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_15.png deleted file mode 100644 index 85059c9d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_16.png deleted file mode 100644 index 9357982ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_17.png deleted file mode 100644 index af8985232..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_18.png deleted file mode 100644 index b1fd7f47f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_19.png deleted file mode 100644 index 9e1cdc2aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_20.png deleted file mode 100644 index da42b332e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character01/0325_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_01.png deleted file mode 100644 index 539bb0cfe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_02.png deleted file mode 100644 index aa1a6d5e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_03.png deleted file mode 100644 index 3ba14ee14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_04.png deleted file mode 100644 index 891c6d4dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_05.png deleted file mode 100644 index 6a5767b19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_06.png deleted file mode 100644 index 6f4b00fa9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_07.png deleted file mode 100644 index 3a3be8b58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_08.png deleted file mode 100644 index 6c504c0e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_09.png deleted file mode 100644 index 3bfe7d26e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_10.png deleted file mode 100644 index daaac9a0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_11.png deleted file mode 100644 index db800436d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_12.png deleted file mode 100644 index b20c509d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_13.png deleted file mode 100644 index 4f55f1f92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_14.png deleted file mode 100644 index 4fdd5c152..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_15.png deleted file mode 100644 index 4bbd2b73e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_16.png deleted file mode 100644 index 0e9b0a519..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_17.png deleted file mode 100644 index b8d45aa0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_18.png deleted file mode 100644 index b416fd952..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_19.png deleted file mode 100644 index 555baade3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_20.png deleted file mode 100644 index 733c17de0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character02/0326_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_01.png deleted file mode 100644 index d152354f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_02.png deleted file mode 100644 index 215ea5187..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_03.png deleted file mode 100644 index b82711fa7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_04.png deleted file mode 100644 index ab020b5ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_05.png deleted file mode 100644 index 31f584515..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_06.png deleted file mode 100644 index 1f66ef84f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_07.png deleted file mode 100644 index e97cb09af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_08.png deleted file mode 100644 index ceadb6201..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_09.png deleted file mode 100644 index 4c3f6139e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_10.png deleted file mode 100644 index d4c49cc4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_11.png deleted file mode 100644 index d85f67a31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_12.png deleted file mode 100644 index a5d4ea050..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_13.png deleted file mode 100644 index eceaaa57f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_14.png deleted file mode 100644 index 751fe1eaa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_15.png deleted file mode 100644 index 7de5216db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_16.png deleted file mode 100644 index 707dbe2b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_17.png deleted file mode 100644 index d0932abb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_18.png deleted file mode 100644 index 2996384c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_19.png deleted file mode 100644 index bac5bceba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_20.png deleted file mode 100644 index 611a763bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character03/0327_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_01.png deleted file mode 100644 index 3a9fa55b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_02.png deleted file mode 100644 index 8ed765f62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_03.png deleted file mode 100644 index c601652ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_04.png deleted file mode 100644 index ff854b607..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_05.png deleted file mode 100644 index 2d5a32aa7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_06.png deleted file mode 100644 index 6ea583333..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_07.png deleted file mode 100644 index 59afc6467..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_08.png deleted file mode 100644 index 261a7c2e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_09.png deleted file mode 100644 index 7891e9f3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_10.png deleted file mode 100644 index 61c7f214e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_11.png deleted file mode 100644 index 42792f04e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_12.png deleted file mode 100644 index 4b1fa3afd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_13.png deleted file mode 100644 index d1f38b162..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_14.png deleted file mode 100644 index 565fc5e4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_15.png deleted file mode 100644 index c71ec0aad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_16.png deleted file mode 100644 index 68dcdcc34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_17.png deleted file mode 100644 index d667ead92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_18.png deleted file mode 100644 index a5eb5af34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_19.png deleted file mode 100644 index aa52933a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_20.png deleted file mode 100644 index cc04d05ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character04/0328_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_01.png deleted file mode 100644 index fe0d633b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_02.png deleted file mode 100644 index 0c029c811..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_03.png deleted file mode 100644 index 9be75297f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_04.png deleted file mode 100644 index bbf3c8d8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_05.png deleted file mode 100644 index b996d17d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_06.png deleted file mode 100644 index da8cff433..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_07.png deleted file mode 100644 index a8cdeb385..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_08.png deleted file mode 100644 index 61174abbc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_09.png deleted file mode 100644 index be6faf222..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_10.png deleted file mode 100644 index 0fc90deac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_11.png deleted file mode 100644 index 54ad0993d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_12.png deleted file mode 100644 index 862ea01f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_13.png deleted file mode 100644 index 5f19eeb7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_14.png deleted file mode 100644 index 6fe2a285c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_15.png deleted file mode 100644 index bae3a385a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_16.png deleted file mode 100644 index 141deb4b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_17.png deleted file mode 100644 index 1acaf42a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_18.png deleted file mode 100644 index e634b203e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_19.png deleted file mode 100644 index d53aa80ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_20.png deleted file mode 100644 index be6f1b6aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character05/0329_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_01.png deleted file mode 100644 index 70c270c5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_02.png deleted file mode 100644 index af592b506..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_03.png deleted file mode 100644 index 79bd73fc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_04.png deleted file mode 100644 index 919999194..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_05.png deleted file mode 100644 index cc2f23c83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_06.png deleted file mode 100644 index 5099899e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_07.png deleted file mode 100644 index f5c1d3718..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_08.png deleted file mode 100644 index 93ec69e6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_09.png deleted file mode 100644 index 4c45a9918..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_10.png deleted file mode 100644 index c41113838..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_11.png deleted file mode 100644 index b75a86234..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_12.png deleted file mode 100644 index 59682e183..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_13.png deleted file mode 100644 index dfb09e860..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_14.png deleted file mode 100644 index 3c3d132b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_15.png deleted file mode 100644 index d0e48f3d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_16.png deleted file mode 100644 index c5eda15c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_17.png deleted file mode 100644 index e594520fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_18.png deleted file mode 100644 index 527771ec3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_19.png deleted file mode 100644 index e114b9947..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_20.png deleted file mode 100644 index 0e4567972..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character06/0330_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_01.png deleted file mode 100644 index 9f1bbbcf1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_02.png deleted file mode 100644 index 3930c52bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_03.png deleted file mode 100644 index b45596244..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_04.png deleted file mode 100644 index e1a74458c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_05.png deleted file mode 100644 index d44884211..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_06.png deleted file mode 100644 index 3b03e7047..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_07.png deleted file mode 100644 index 32f3eaa65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_08.png deleted file mode 100644 index 92548b2bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_09.png deleted file mode 100644 index 7fef9d3fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_10.png deleted file mode 100644 index 249a4f617..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_11.png deleted file mode 100644 index fe8b5397b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_12.png deleted file mode 100644 index 3b70db368..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_13.png deleted file mode 100644 index a0649045a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_14.png deleted file mode 100644 index 5cfdd7b8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_15.png deleted file mode 100644 index 5350adb2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_16.png deleted file mode 100644 index c3494e7fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_17.png deleted file mode 100644 index fdb20306d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_18.png deleted file mode 100644 index 57c80a797..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_19.png deleted file mode 100644 index 5fa9965a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_20.png deleted file mode 100644 index 8abf47518..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character07/0331_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_01.png deleted file mode 100644 index 344db9932..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_02.png deleted file mode 100644 index 521eb2932..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_03.png deleted file mode 100644 index adb42ae96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_04.png deleted file mode 100644 index 43c7c8eac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_05.png deleted file mode 100644 index 8a4f540c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_06.png deleted file mode 100644 index 9db659743..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_07.png deleted file mode 100644 index dba5d9804..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_08.png deleted file mode 100644 index 4c1f739e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_09.png deleted file mode 100644 index d7337e2c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_10.png deleted file mode 100644 index 232402d59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_11.png deleted file mode 100644 index 43bf890ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_12.png deleted file mode 100644 index 177fda24b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_13.png deleted file mode 100644 index 142ebf71c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_14.png deleted file mode 100644 index 07429cbc0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_15.png deleted file mode 100644 index ac9aad7f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_16.png deleted file mode 100644 index 1005229b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_17.png deleted file mode 100644 index bf808d79b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_18.png deleted file mode 100644 index f3d9a097b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_19.png deleted file mode 100644 index 1681e92ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_20.png deleted file mode 100644 index 5005e55f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character08/0332_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_01.png deleted file mode 100644 index 99f77ef01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_02.png deleted file mode 100644 index f09047160..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_03.png deleted file mode 100644 index 782f8d618..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_04.png deleted file mode 100644 index 4f5736cd5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_05.png deleted file mode 100644 index 52ee44246..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_06.png deleted file mode 100644 index 8ba7838c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_07.png deleted file mode 100644 index 8ab0356ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_08.png deleted file mode 100644 index 2fde406f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_09.png deleted file mode 100644 index 28b2642fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_10.png deleted file mode 100644 index ec1cc12f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_11.png deleted file mode 100644 index 89574b57e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_12.png deleted file mode 100644 index 804d3bf02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_13.png deleted file mode 100644 index 3a57cbe9d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_14.png deleted file mode 100644 index 3633ddcc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_15.png deleted file mode 100644 index c18ede4f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_16.png deleted file mode 100644 index 8627849f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_17.png deleted file mode 100644 index e920a999f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_18.png deleted file mode 100644 index b3e6f4c94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_19.png deleted file mode 100644 index a02703de9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_20.png deleted file mode 100644 index bb0e32515..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character09/0333_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_01.png deleted file mode 100644 index 03c4af784..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_02.png deleted file mode 100644 index 5d7211da1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_03.png deleted file mode 100644 index ed0ba522a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_04.png deleted file mode 100644 index 7b6a9e491..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_05.png deleted file mode 100644 index 2b741bf20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_06.png deleted file mode 100644 index 54c656f61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_07.png deleted file mode 100644 index b87982a19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_08.png deleted file mode 100644 index 3d37d678d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_09.png deleted file mode 100644 index 19623e45a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_10.png deleted file mode 100644 index ddc966c1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_11.png deleted file mode 100644 index b2896dd79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_12.png deleted file mode 100644 index 62e790d33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_13.png deleted file mode 100644 index 3da32dafa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_14.png deleted file mode 100644 index 85ed25e14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_15.png deleted file mode 100644 index 235860048..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_16.png deleted file mode 100644 index badaf8dad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_17.png deleted file mode 100644 index 301f2fdb1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_18.png deleted file mode 100644 index 506a69a40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_19.png deleted file mode 100644 index 42afbab36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_20.png deleted file mode 100644 index 28b404fc8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character10/0334_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_01.png deleted file mode 100644 index 497f92422..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_02.png deleted file mode 100644 index bda758fa2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_03.png deleted file mode 100644 index b11ea6e89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_04.png deleted file mode 100644 index ef23885bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_05.png deleted file mode 100644 index 556885d4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_06.png deleted file mode 100644 index 591155f04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_07.png deleted file mode 100644 index 9aa20312c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_08.png deleted file mode 100644 index e2f169a65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_09.png deleted file mode 100644 index fa34a7cea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_10.png deleted file mode 100644 index 1b2fa2930..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_11.png deleted file mode 100644 index bb38e2ae7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_12.png deleted file mode 100644 index 7222511eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_13.png deleted file mode 100644 index bee03599d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_14.png deleted file mode 100644 index 1dd896ecf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_15.png deleted file mode 100644 index 7e45cc1bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_16.png deleted file mode 100644 index ec5e3d010..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_17.png deleted file mode 100644 index adc2b304b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_18.png deleted file mode 100644 index 00361d36c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_19.png deleted file mode 100644 index 2e07e6d45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_20.png deleted file mode 100644 index fd3fecf7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character11/0335_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_01.png deleted file mode 100644 index c89547ad5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_02.png deleted file mode 100644 index 0f0ef3e66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_03.png deleted file mode 100644 index 28d36f430..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_04.png deleted file mode 100644 index 598795c81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_05.png deleted file mode 100644 index 321a67be1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_06.png deleted file mode 100644 index bdb162324..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_07.png deleted file mode 100644 index 20db93f4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_08.png deleted file mode 100644 index 25ec7fc66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_09.png deleted file mode 100644 index 730a652ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_10.png deleted file mode 100644 index 816d9b602..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_11.png deleted file mode 100644 index ced7bd2dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_12.png deleted file mode 100644 index f83dfc167..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_13.png deleted file mode 100644 index 2bd335108..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_14.png deleted file mode 100644 index d45efe00d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_15.png deleted file mode 100644 index 445161995..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_16.png deleted file mode 100644 index f8c68f14f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_17.png deleted file mode 100644 index 371444164..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_18.png deleted file mode 100644 index 2e497bdfb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_19.png deleted file mode 100644 index 9d66b9125..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_20.png deleted file mode 100644 index eb1914af6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character12/0336_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_01.png deleted file mode 100644 index c59e0d316..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_02.png deleted file mode 100644 index 8af6355ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_03.png deleted file mode 100644 index 22d379f3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_04.png deleted file mode 100644 index 3fe33e8cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_05.png deleted file mode 100644 index 59430a252..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_06.png deleted file mode 100644 index 99bc009b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_07.png deleted file mode 100644 index 107bcd4f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_08.png deleted file mode 100644 index a3fb7fee7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_09.png deleted file mode 100644 index 2cc8a2191..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_10.png deleted file mode 100644 index 51efc0187..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_11.png deleted file mode 100644 index a7340a172..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_12.png deleted file mode 100644 index 9df2780d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_13.png deleted file mode 100644 index 8e4ffcd1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_14.png deleted file mode 100644 index 372405c06..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_15.png deleted file mode 100644 index a4a0a2559..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_16.png deleted file mode 100644 index 49f7cb5e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_17.png deleted file mode 100644 index 5c82f46d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_18.png deleted file mode 100644 index 506006153..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_19.png deleted file mode 100644 index 099734bf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_20.png deleted file mode 100644 index 557158538..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character13/0337_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_01.png deleted file mode 100644 index 9a0ec9ab0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_02.png deleted file mode 100644 index 2e12e5e68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_03.png deleted file mode 100644 index e2aee6458..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_04.png deleted file mode 100644 index e2dfe77ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_05.png deleted file mode 100644 index d811fa038..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_06.png deleted file mode 100644 index be1707cb0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_07.png deleted file mode 100644 index 41c4495c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_08.png deleted file mode 100644 index b46a08c9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_09.png deleted file mode 100644 index 97d44c746..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_10.png deleted file mode 100644 index 0c3679aca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_11.png deleted file mode 100644 index ec83318d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_12.png deleted file mode 100644 index c030b3f20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_13.png deleted file mode 100644 index 293a421dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_14.png deleted file mode 100644 index 02ab5b4fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_15.png deleted file mode 100644 index e74103625..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_16.png deleted file mode 100644 index 35dcb82f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_17.png deleted file mode 100644 index 6e736f6d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_18.png deleted file mode 100644 index 6bb445b29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_19.png deleted file mode 100644 index 39b95c892..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_20.png deleted file mode 100644 index 18efd0ecd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character14/0338_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_01.png deleted file mode 100644 index 0f65241e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_02.png deleted file mode 100644 index b35bd35eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_03.png deleted file mode 100644 index 0ac777f4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_04.png deleted file mode 100644 index 98301665c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_05.png deleted file mode 100644 index 44b3f46fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_06.png deleted file mode 100644 index 3d98dba43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_07.png deleted file mode 100644 index fbf9c6c63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_08.png deleted file mode 100644 index db8e1068c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_09.png deleted file mode 100644 index a84ab7e4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_10.png deleted file mode 100644 index b6a1712b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_11.png deleted file mode 100644 index d9264c01f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_12.png deleted file mode 100644 index cf7a1dc4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_13.png deleted file mode 100644 index 045d1b4aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_14.png deleted file mode 100644 index 80fa1d57f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_15.png deleted file mode 100644 index 3cdb826c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_16.png deleted file mode 100644 index e308e9057..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_17.png deleted file mode 100644 index b93f315ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_18.png deleted file mode 100644 index 09e755cc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_19.png deleted file mode 100644 index dc79ae589..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_20.png deleted file mode 100644 index dce61e745..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character15/0339_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_01.png deleted file mode 100644 index bd788deba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_02.png deleted file mode 100644 index 18a939e87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_03.png deleted file mode 100644 index dfc5a3563..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_04.png deleted file mode 100644 index b9c99224b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_05.png deleted file mode 100644 index a1e5d332d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_06.png deleted file mode 100644 index b087a3583..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_07.png deleted file mode 100644 index feacb12cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_08.png deleted file mode 100644 index cf3966bfd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_09.png deleted file mode 100644 index 96e27563a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_10.png deleted file mode 100644 index 0b9578348..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_11.png deleted file mode 100644 index e7367ece2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_12.png deleted file mode 100644 index ac65619ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_13.png deleted file mode 100644 index 51a73377f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_14.png deleted file mode 100644 index c3e73eadf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_15.png deleted file mode 100644 index 1d3ee59bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_16.png deleted file mode 100644 index 88cd13116..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_17.png deleted file mode 100644 index 9dba0a9b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_18.png deleted file mode 100644 index 0518988f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_19.png deleted file mode 100644 index 4459d750d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_20.png deleted file mode 100644 index 9c0c79b59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character16/0340_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_01.png deleted file mode 100644 index 44c61bb2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_02.png deleted file mode 100644 index 10f7f4bf0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_03.png deleted file mode 100644 index b8fc7a3a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_04.png deleted file mode 100644 index ff0b538d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_05.png deleted file mode 100644 index 1a0c30fb3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_06.png deleted file mode 100644 index c86e67094..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_07.png deleted file mode 100644 index 560aa4ac1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_08.png deleted file mode 100644 index 8da143390..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_09.png deleted file mode 100644 index bf9b9aa51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_10.png deleted file mode 100644 index 56bca88a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_11.png deleted file mode 100644 index e968e30df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_12.png deleted file mode 100644 index a7f782742..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_13.png deleted file mode 100644 index 059c96cb0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_14.png deleted file mode 100644 index 4bfc01920..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_15.png deleted file mode 100644 index 77bdceaa9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_16.png deleted file mode 100644 index f86a9ee02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_17.png deleted file mode 100644 index 4007f4ee7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_18.png deleted file mode 100644 index cbbf52ba6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_19.png deleted file mode 100644 index bfefd1920..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_20.png deleted file mode 100644 index df476c32b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character17/0341_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_01.png deleted file mode 100644 index 0b760f058..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_02.png deleted file mode 100644 index 5b1aabca4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_03.png deleted file mode 100644 index cd0a12406..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_04.png deleted file mode 100644 index a4a60d421..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_05.png deleted file mode 100644 index 3bec3c574..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_06.png deleted file mode 100644 index d53834e1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_07.png deleted file mode 100644 index 065e8ecc2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_08.png deleted file mode 100644 index dceec6415..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_09.png deleted file mode 100644 index b0e7c6196..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_10.png deleted file mode 100644 index 4c2bc3948..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_11.png deleted file mode 100644 index d0f9dea54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_12.png deleted file mode 100644 index 7fd8bb539..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_13.png deleted file mode 100644 index d6bbceaa0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_14.png deleted file mode 100644 index 02a23fc78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_15.png deleted file mode 100644 index 44af838de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_16.png deleted file mode 100644 index 9b1995916..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_17.png deleted file mode 100644 index 2c30e534f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_18.png deleted file mode 100644 index b97771638..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_19.png deleted file mode 100644 index 0ebc962f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_20.png deleted file mode 100644 index e75486144..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character18/0342_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_01.png deleted file mode 100644 index 8dfad632c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_02.png deleted file mode 100644 index 5541d09c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_03.png deleted file mode 100644 index 7c047ce4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_04.png deleted file mode 100644 index 3e30c582c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_05.png deleted file mode 100644 index 5ac9a206e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_06.png deleted file mode 100644 index 3f4216808..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_07.png deleted file mode 100644 index 56a38f886..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_08.png deleted file mode 100644 index aef598af3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_09.png deleted file mode 100644 index 2d69c3fc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_10.png deleted file mode 100644 index 022a0cadd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_11.png deleted file mode 100644 index 871ddbdf8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_12.png deleted file mode 100644 index 9524cf916..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_13.png deleted file mode 100644 index e2dcfc5f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_14.png deleted file mode 100644 index 4ac2d8628..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_15.png deleted file mode 100644 index 41a23db6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_16.png deleted file mode 100644 index 4a5338f17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_17.png deleted file mode 100644 index d1657a2e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_18.png deleted file mode 100644 index 9d02ee359..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_19.png deleted file mode 100644 index 9f6d6f756..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_20.png deleted file mode 100644 index 30de9e73d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character19/0343_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_01.png deleted file mode 100644 index c630354ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_02.png deleted file mode 100644 index 4846e899a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_03.png deleted file mode 100644 index 27c8d7bd7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_04.png deleted file mode 100644 index 43ab40be9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_05.png deleted file mode 100644 index ff126d52e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_06.png deleted file mode 100644 index ea3ebbcb3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_07.png deleted file mode 100644 index 011b4fefd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_08.png deleted file mode 100644 index 4c1db2953..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_09.png deleted file mode 100644 index 147fac497..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_10.png deleted file mode 100644 index 9a3db5a1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_11.png deleted file mode 100644 index 7badbc9af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_12.png deleted file mode 100644 index e7af8b879..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_13.png deleted file mode 100644 index f3a9616ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_14.png deleted file mode 100644 index bb909b447..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_15.png deleted file mode 100644 index 62adcb7e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_16.png deleted file mode 100644 index 143ea2a39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_17.png deleted file mode 100644 index fc536749c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_18.png deleted file mode 100644 index 08ab5f052..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_19.png deleted file mode 100644 index 1b111b44c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_20.png deleted file mode 100644 index df5f1f1e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character20/0344_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_01.png deleted file mode 100644 index 046cc50a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_02.png deleted file mode 100644 index f29479115..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_03.png deleted file mode 100644 index e7afb386d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_04.png deleted file mode 100644 index b8fbf0c6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_05.png deleted file mode 100644 index bdcb15c24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_06.png deleted file mode 100644 index fc0803774..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_07.png deleted file mode 100644 index c75738d4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_08.png deleted file mode 100644 index fdfcd77c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_09.png deleted file mode 100644 index f9ca6ac8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_10.png deleted file mode 100644 index 55d1f2545..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_11.png deleted file mode 100644 index 14f32d4be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_12.png deleted file mode 100644 index 1fa676234..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_13.png deleted file mode 100644 index 7a74f9fd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_14.png deleted file mode 100644 index 8f19a321a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_15.png deleted file mode 100644 index dbe8b8bb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_16.png deleted file mode 100644 index cba75caf6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_17.png deleted file mode 100644 index ea2d47349..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_18.png deleted file mode 100644 index ceda52575..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_19.png deleted file mode 100644 index 0e9ba21db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_20.png deleted file mode 100644 index f0ae51437..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character21/0345_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_01.png deleted file mode 100644 index cffbff987..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_02.png deleted file mode 100644 index ada8d1712..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_03.png deleted file mode 100644 index 1d281a2a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_04.png deleted file mode 100644 index 79eff22ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_05.png deleted file mode 100644 index d18e9a388..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_06.png deleted file mode 100644 index 31b9f7983..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_07.png deleted file mode 100644 index 6ea1720e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_08.png deleted file mode 100644 index 7e1768acb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_09.png deleted file mode 100644 index c983c4c29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_10.png deleted file mode 100644 index 92406bd5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_11.png deleted file mode 100644 index 49f879ee0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_12.png deleted file mode 100644 index 9f5a158f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_13.png deleted file mode 100644 index 083c8c5b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_14.png deleted file mode 100644 index aaddfee0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_15.png deleted file mode 100644 index 7092d5b90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_16.png deleted file mode 100644 index 4167af04a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_17.png deleted file mode 100644 index 9a3fb04da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_18.png deleted file mode 100644 index 8544a310e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_19.png deleted file mode 100644 index fd7e5aba9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_20.png deleted file mode 100644 index 0f7cee9dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character22/0346_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_01.png deleted file mode 100644 index 6e22aacb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_02.png deleted file mode 100644 index fb257889b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_03.png deleted file mode 100644 index aa758a7de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_04.png deleted file mode 100644 index c6631ff88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_05.png deleted file mode 100644 index 3a75b7239..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_06.png deleted file mode 100644 index 71df0f877..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_07.png deleted file mode 100644 index 30817d84d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_08.png deleted file mode 100644 index dd324ffd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_09.png deleted file mode 100644 index 2a8cca86a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_10.png deleted file mode 100644 index fa47c3a09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_11.png deleted file mode 100644 index ff9678604..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_12.png deleted file mode 100644 index dc5850517..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_13.png deleted file mode 100644 index ba71b3031..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_14.png deleted file mode 100644 index f88eb557c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_15.png deleted file mode 100644 index a73f130e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_16.png deleted file mode 100644 index 02916752d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_17.png deleted file mode 100644 index de15b8f62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_18.png deleted file mode 100644 index 8df9f721d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_19.png deleted file mode 100644 index ebc983ad3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_20.png deleted file mode 100644 index f27cdd1ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character23/0347_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_01.png deleted file mode 100644 index 2a9e77c49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_02.png deleted file mode 100644 index b1d38c6a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_03.png deleted file mode 100644 index 44c5d6778..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_04.png deleted file mode 100644 index fa1ee18ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_05.png deleted file mode 100644 index 67c983c92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_06.png deleted file mode 100644 index 8e2825d28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_07.png deleted file mode 100644 index 98df58353..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_08.png deleted file mode 100644 index 519e5976d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_09.png deleted file mode 100644 index 06eade64a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_10.png deleted file mode 100644 index c791bea7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_11.png deleted file mode 100644 index 1d670c8b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_12.png deleted file mode 100644 index 6fcbca540..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_13.png deleted file mode 100644 index 8522f1ff5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_14.png deleted file mode 100644 index 13c024755..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_15.png deleted file mode 100644 index 00d812d93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_16.png deleted file mode 100644 index 4a0b2e0ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_17.png deleted file mode 100644 index f25b82857..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_18.png deleted file mode 100644 index 954c37cd4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_19.png deleted file mode 100644 index d63984dfc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_20.png deleted file mode 100644 index a0c2a8e84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character24/0348_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_01.png deleted file mode 100644 index c0293f38b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_02.png deleted file mode 100644 index bee3a2818..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_03.png deleted file mode 100644 index 612fe83b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_04.png deleted file mode 100644 index 7226adbb3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_05.png deleted file mode 100644 index b9acc7b8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_06.png deleted file mode 100644 index 4b7b9aba4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_07.png deleted file mode 100644 index ded3ed8b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_08.png deleted file mode 100644 index 1a5e024e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_09.png deleted file mode 100644 index 8ef691486..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_10.png deleted file mode 100644 index 7844f34db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_11.png deleted file mode 100644 index e06112c11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_12.png deleted file mode 100644 index 509823cbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_13.png deleted file mode 100644 index 24cb9d64d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_14.png deleted file mode 100644 index 62a6686bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_15.png deleted file mode 100644 index 78f67059c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_16.png deleted file mode 100644 index d7225788d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_17.png deleted file mode 100644 index 331529ecd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_18.png deleted file mode 100644 index c051f8cb1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_19.png deleted file mode 100644 index 1919e2cbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_20.png deleted file mode 100644 index 773d667eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character25/0349_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_01.png deleted file mode 100644 index 67a363277..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_02.png deleted file mode 100644 index 5b17e5e81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_03.png deleted file mode 100644 index 5374380ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_04.png deleted file mode 100644 index caa07476f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_05.png deleted file mode 100644 index bdae7d4f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_06.png deleted file mode 100644 index 8d2408a3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_07.png deleted file mode 100644 index 5294d1a11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_08.png deleted file mode 100644 index 3576f2157..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_09.png deleted file mode 100644 index aaba8028f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_10.png deleted file mode 100644 index 0ac56f0e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_11.png deleted file mode 100644 index ff59f1f99..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_12.png deleted file mode 100644 index bce9927ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_13.png deleted file mode 100644 index 62c4c4ef8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_14.png deleted file mode 100644 index 20c3fa3c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_15.png deleted file mode 100644 index d03908e9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_16.png deleted file mode 100644 index b7dc06d85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_17.png deleted file mode 100644 index 8f8292a6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_18.png deleted file mode 100644 index 731533d83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_19.png deleted file mode 100644 index 1a9ea8f54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_20.png deleted file mode 100644 index b722f8d72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Futurama/character26/0350_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_01.png deleted file mode 100644 index 0e620b2aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_02.png deleted file mode 100644 index 4887d2b5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_03.png deleted file mode 100644 index 3592952e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_04.png deleted file mode 100644 index d028b3a13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_05.png deleted file mode 100644 index 0999fa577..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_06.png deleted file mode 100644 index 0425c70bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_07.png deleted file mode 100644 index c225f1252..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_08.png deleted file mode 100644 index b22ce2276..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_09.png deleted file mode 100644 index 73bdfc12e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_10.png deleted file mode 100644 index 6d6a77ed6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_11.png deleted file mode 100644 index d55b89f8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_12.png deleted file mode 100644 index c235e66f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_13.png deleted file mode 100644 index 3edece8c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_14.png deleted file mode 100644 index 935d72daf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_15.png deleted file mode 100644 index fc249ce10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_16.png deleted file mode 100644 index 96407cebc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_17.png deleted file mode 100644 index 11463ac93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_18.png deleted file mode 100644 index a6d01139b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_19.png deleted file mode 100644 index fa81478c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_20.png deleted file mode 100644 index 689c8f743..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character01/0351_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_01.png deleted file mode 100644 index 6f836febd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_02.png deleted file mode 100644 index 76def2649..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_03.png deleted file mode 100644 index 84a15f553..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_04.png deleted file mode 100644 index e6bf37a7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_05.png deleted file mode 100644 index c726f3806..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_06.png deleted file mode 100644 index 3a6ec3776..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_07.png deleted file mode 100644 index 565dad2b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_08.png deleted file mode 100644 index a616e8e97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_09.png deleted file mode 100644 index 19bbaa65b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_10.png deleted file mode 100644 index 553bf53cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_11.png deleted file mode 100644 index f5418abc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_12.png deleted file mode 100644 index 6c9981349..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_13.png deleted file mode 100644 index 7a048d4bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_14.png deleted file mode 100644 index b0c5c2cba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_15.png deleted file mode 100644 index b2790b5f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_16.png deleted file mode 100644 index 4e5582eed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_17.png deleted file mode 100644 index 8c0b00d17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_18.png deleted file mode 100644 index 0c62ff8be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_19.png deleted file mode 100644 index 609660d90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_20.png deleted file mode 100644 index e3a0bce9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character02/0352_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_01.png deleted file mode 100644 index adc17039d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_02.png deleted file mode 100644 index eae25e660..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_03.png deleted file mode 100644 index d5d1212da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_04.png deleted file mode 100644 index 3ab144cd6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_05.png deleted file mode 100644 index 3348c1161..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_06.png deleted file mode 100644 index f053df19a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_07.png deleted file mode 100644 index 98215dd64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_08.png deleted file mode 100644 index 68c231bf7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_09.png deleted file mode 100644 index b50fa0c83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_10.png deleted file mode 100644 index c3cce864f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_11.png deleted file mode 100644 index b319273dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_12.png deleted file mode 100644 index 5be8a10e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_13.png deleted file mode 100644 index 1e818b185..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_14.png deleted file mode 100644 index 9750a5185..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_15.png deleted file mode 100644 index d73ec3d18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_16.png deleted file mode 100644 index 3cbdf3a39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_17.png deleted file mode 100644 index b3bef4be5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_18.png deleted file mode 100644 index bf0f2d276..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_19.png deleted file mode 100644 index c10e061dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_20.png deleted file mode 100644 index e78f17d50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character03/0353_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_01.png deleted file mode 100644 index f49fd6988..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_02.png deleted file mode 100644 index 94d1d647b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_03.png deleted file mode 100644 index 3cc93548a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_04.png deleted file mode 100644 index 581bfd6cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_05.png deleted file mode 100644 index 8f8bf2833..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_06.png deleted file mode 100644 index 9169f5bb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_07.png deleted file mode 100644 index 6f972ba13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_08.png deleted file mode 100644 index 59cbc8a55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_09.png deleted file mode 100644 index 3489d6a5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_10.png deleted file mode 100644 index 1663e0c04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_11.png deleted file mode 100644 index 8010ff17d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_12.png deleted file mode 100644 index f45ace436..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_13.png deleted file mode 100644 index 2f12b5565..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_14.png deleted file mode 100644 index e56824af2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_15.png deleted file mode 100644 index b76e9c8d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_16.png deleted file mode 100644 index ea2ca1a72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_17.png deleted file mode 100644 index 2703c7813..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_18.png deleted file mode 100644 index c6c8328bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_19.png deleted file mode 100644 index 183e861a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_20.png deleted file mode 100644 index 76ad6cf58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character04/0354_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_01.png deleted file mode 100644 index 84fc21576..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_02.png deleted file mode 100644 index 63dda2af2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_03.png deleted file mode 100644 index 9dfdb094e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_04.png deleted file mode 100644 index f9dd9f9a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_05.png deleted file mode 100644 index 22ba60337..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_06.png deleted file mode 100644 index acd600414..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_07.png deleted file mode 100644 index 39be79604..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_08.png deleted file mode 100644 index b0f8c5f1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_09.png deleted file mode 100644 index f4f3d6329..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_10.png deleted file mode 100644 index 2b694bfae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_11.png deleted file mode 100644 index a7942a5db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_12.png deleted file mode 100644 index b707142d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_13.png deleted file mode 100644 index 06acb76c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_14.png deleted file mode 100644 index 59b6949b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_15.png deleted file mode 100644 index 2a877f1e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_16.png deleted file mode 100644 index f79df8cd7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_17.png deleted file mode 100644 index a6e92d11e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_18.png deleted file mode 100644 index cc67bf95f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_19.png deleted file mode 100644 index b54ad296b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_20.png deleted file mode 100644 index d3234b95f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character05/0355_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_01.png deleted file mode 100644 index ec7c7b337..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_02.png deleted file mode 100644 index 1668fe0db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_03.png deleted file mode 100644 index 97bb85a05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_04.png deleted file mode 100644 index fd9f31373..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_05.png deleted file mode 100644 index 1e0dca3ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_06.png deleted file mode 100644 index 5e9aae9ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_07.png deleted file mode 100644 index b335fc56e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_08.png deleted file mode 100644 index 58f64a2e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_09.png deleted file mode 100644 index 8e9317766..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_10.png deleted file mode 100644 index 3d8278b58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_11.png deleted file mode 100644 index af4be3a8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_12.png deleted file mode 100644 index 3d759665e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_13.png deleted file mode 100644 index 3436725ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_14.png deleted file mode 100644 index 70fd821cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_15.png deleted file mode 100644 index f2621919e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_16.png deleted file mode 100644 index d6296bd64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_17.png deleted file mode 100644 index 88903e631..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_18.png deleted file mode 100644 index 180c03ae1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_19.png deleted file mode 100644 index b11d02cbb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_20.png deleted file mode 100644 index aeb00d586..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character06/0356_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_01.png deleted file mode 100644 index e87af5eb5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_02.png deleted file mode 100644 index 23b3456a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_03.png deleted file mode 100644 index 903f962dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_04.png deleted file mode 100644 index acb3eb631..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_05.png deleted file mode 100644 index 9db020467..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_06.png deleted file mode 100644 index 7f11d52c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_07.png deleted file mode 100644 index fecc4a1c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_08.png deleted file mode 100644 index 41bf11703..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_09.png deleted file mode 100644 index a67e99db2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_10.png deleted file mode 100644 index b5a985ea8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_11.png deleted file mode 100644 index fe5a58a7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_12.png deleted file mode 100644 index 060fc1b80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_13.png deleted file mode 100644 index f4501e0eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_14.png deleted file mode 100644 index 9995e3453..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_15.png deleted file mode 100644 index 2ddf98f52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_16.png deleted file mode 100644 index 449c5a104..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_17.png deleted file mode 100644 index 2df72587a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_18.png deleted file mode 100644 index ace0a8039..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_19.png deleted file mode 100644 index 364b8a07f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_20.png deleted file mode 100644 index f04368441..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character07/0357_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_01.png deleted file mode 100644 index 28c806128..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_02.png deleted file mode 100644 index 7c7aaab8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_03.png deleted file mode 100644 index 873477486..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_04.png deleted file mode 100644 index c6f7832b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_05.png deleted file mode 100644 index 657872062..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_06.png deleted file mode 100644 index 76298394b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_07.png deleted file mode 100644 index 993592b5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_08.png deleted file mode 100644 index d29a97302..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_09.png deleted file mode 100644 index e22774585..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_10.png deleted file mode 100644 index dd432caa7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_11.png deleted file mode 100644 index 1ddeaf980..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_12.png deleted file mode 100644 index 695a37558..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_13.png deleted file mode 100644 index b9d3214d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_14.png deleted file mode 100644 index 34bc959da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_15.png deleted file mode 100644 index a17c9bd4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_16.png deleted file mode 100644 index 90591875d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_17.png deleted file mode 100644 index c1a8e3b97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_18.png deleted file mode 100644 index e7ffb5f63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_19.png deleted file mode 100644 index 912ed3fbf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_20.png deleted file mode 100644 index c630ba7d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character08/0358_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_01.png deleted file mode 100644 index bfb537d55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_02.png deleted file mode 100644 index 5ef2cae69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_03.png deleted file mode 100644 index 248cea20b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_04.png deleted file mode 100644 index 5c33731b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_05.png deleted file mode 100644 index a0faed573..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_06.png deleted file mode 100644 index db3a3a345..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_07.png deleted file mode 100644 index e09164056..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_08.png deleted file mode 100644 index 322927d57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_09.png deleted file mode 100644 index f35de435e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_10.png deleted file mode 100644 index e70ca7fef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_11.png deleted file mode 100644 index 6a1770c1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_12.png deleted file mode 100644 index 08497d146..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_13.png deleted file mode 100644 index afdc52a8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_14.png deleted file mode 100644 index a2ff8c1b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_15.png deleted file mode 100644 index 001a8e725..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_16.png deleted file mode 100644 index 601784854..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_17.png deleted file mode 100644 index 083e54db7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_18.png deleted file mode 100644 index 975dd8373..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_19.png deleted file mode 100644 index 0cd9e7a38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_20.png deleted file mode 100644 index 05cf2b8d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character09/0359_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_01.png deleted file mode 100644 index cb105f083..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_02.png deleted file mode 100644 index 67b340306..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_03.png deleted file mode 100644 index 89335a38c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_04.png deleted file mode 100644 index 27e4cdc2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_05.png deleted file mode 100644 index de82e7fb1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_06.png deleted file mode 100644 index f505bda8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_07.png deleted file mode 100644 index cf2e4da50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_08.png deleted file mode 100644 index cbf92fab4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_09.png deleted file mode 100644 index cc9abaec8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_10.png deleted file mode 100644 index 5d888d047..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_11.png deleted file mode 100644 index 63a6583d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_12.png deleted file mode 100644 index 329041570..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_13.png deleted file mode 100644 index ee76f5a28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_14.png deleted file mode 100644 index ad3c71acb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_15.png deleted file mode 100644 index 8814c06af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_16.png deleted file mode 100644 index 7067c953d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_17.png deleted file mode 100644 index f72bd97b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_18.png deleted file mode 100644 index ad74333d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_19.png deleted file mode 100644 index 0c86c0d6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_20.png deleted file mode 100644 index 5aa29d920..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character10/0360_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_01.png deleted file mode 100644 index 44624f764..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_02.png deleted file mode 100644 index 4ab5741b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_03.png deleted file mode 100644 index 428d9c584..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_04.png deleted file mode 100644 index 50dbd833f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_05.png deleted file mode 100644 index 61e393409..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_06.png deleted file mode 100644 index a025e87be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_07.png deleted file mode 100644 index 2cebbfb52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_08.png deleted file mode 100644 index 2e9842f4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_09.png deleted file mode 100644 index d4dc2f561..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_10.png deleted file mode 100644 index 4d0aa5ca4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_11.png deleted file mode 100644 index 3b3ec4a1d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_12.png deleted file mode 100644 index 1f43f6d83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_13.png deleted file mode 100644 index adecf0a77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_14.png deleted file mode 100644 index 56f6acf70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_15.png deleted file mode 100644 index 8f5a8d6e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_16.png deleted file mode 100644 index 95fee1086..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_17.png deleted file mode 100644 index 8c427df96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_18.png deleted file mode 100644 index e55af7f4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_19.png deleted file mode 100644 index 434999673..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_20.png deleted file mode 100644 index f536e111a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character11/0361_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_01.png deleted file mode 100644 index 5e309b0b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_02.png deleted file mode 100644 index 8537066ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_03.png deleted file mode 100644 index 1e21b037d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_04.png deleted file mode 100644 index 460ca8e91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_05.png deleted file mode 100644 index ba6de2609..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_06.png deleted file mode 100644 index f967f737d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_07.png deleted file mode 100644 index 32d35c972..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_08.png deleted file mode 100644 index 0f3095dc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_09.png deleted file mode 100644 index 97be63eda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_10.png deleted file mode 100644 index c790cf398..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_11.png deleted file mode 100644 index e605d4851..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_12.png deleted file mode 100644 index b37e8d9fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_13.png deleted file mode 100644 index b43c16527..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_14.png deleted file mode 100644 index 736090a5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_15.png deleted file mode 100644 index 32a8fe64e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_16.png deleted file mode 100644 index 568eadfe1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_17.png deleted file mode 100644 index 18e498c0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_18.png deleted file mode 100644 index 61cb6254c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_19.png deleted file mode 100644 index 8732e88c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_20.png deleted file mode 100644 index 5100046c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character12/0362_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_01.png deleted file mode 100644 index 3b436dd41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_02.png deleted file mode 100644 index 9ac364649..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_03.png deleted file mode 100644 index f7e8ff323..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_04.png deleted file mode 100644 index 141b63676..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_05.png deleted file mode 100644 index 8c40dad87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_06.png deleted file mode 100644 index bd3dd6b52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_07.png deleted file mode 100644 index 536d6fefe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_08.png deleted file mode 100644 index 928ad7ef6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_09.png deleted file mode 100644 index 26d8420bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_10.png deleted file mode 100644 index 7b0245209..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_11.png deleted file mode 100644 index d095cacd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_12.png deleted file mode 100644 index 615ecbfba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_13.png deleted file mode 100644 index 559f722c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_14.png deleted file mode 100644 index d2359d251..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_15.png deleted file mode 100644 index 68fe19870..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_16.png deleted file mode 100644 index 1b8ea0013..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_17.png deleted file mode 100644 index b31fcd626..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_18.png deleted file mode 100644 index 7053d3fa1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_19.png deleted file mode 100644 index 34e850aa9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_20.png deleted file mode 100644 index f84e64346..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character13/0363_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_01.png deleted file mode 100644 index 3a6dd2814..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_02.png deleted file mode 100644 index 64f43c1d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_03.png deleted file mode 100644 index 2ef7e624c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_04.png deleted file mode 100644 index 7b57a42c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_05.png deleted file mode 100644 index ef0a81eea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_06.png deleted file mode 100644 index 72f81937e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_07.png deleted file mode 100644 index e1f395c9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_08.png deleted file mode 100644 index affe39978..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_09.png deleted file mode 100644 index 710af8ceb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_10.png deleted file mode 100644 index ed557da34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_11.png deleted file mode 100644 index c6b873f27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_12.png deleted file mode 100644 index b43edc11a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_13.png deleted file mode 100644 index 6e4162cd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_14.png deleted file mode 100644 index 79819da0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_15.png deleted file mode 100644 index 45d9dfefb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_16.png deleted file mode 100644 index 83548bfdb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_17.png deleted file mode 100644 index 04f293aaf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_18.png deleted file mode 100644 index 1ef23136d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_19.png deleted file mode 100644 index 5a3858a19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_20.png deleted file mode 100644 index a680ea895..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character14/0364_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_01.png deleted file mode 100644 index e84cf2f16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_02.png deleted file mode 100644 index 839487a95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_03.png deleted file mode 100644 index 78916f14b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_04.png deleted file mode 100644 index 47a172527..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_05.png deleted file mode 100644 index e4ac20da6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_06.png deleted file mode 100644 index 0e45b33a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_07.png deleted file mode 100644 index 4e0dd9a85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_08.png deleted file mode 100644 index b55e9b5c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_09.png deleted file mode 100644 index ab6b1147a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_10.png deleted file mode 100644 index b8084f2d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_11.png deleted file mode 100644 index 99b4fc7f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_12.png deleted file mode 100644 index 8cb5cd5e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_13.png deleted file mode 100644 index 3f13f335d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_14.png deleted file mode 100644 index f6e4c8ec7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_15.png deleted file mode 100644 index 9137db21f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_16.png deleted file mode 100644 index 1faf551a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_17.png deleted file mode 100644 index 544b0a8d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_18.png deleted file mode 100644 index e445df3ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_19.png deleted file mode 100644 index edab36bc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_20.png deleted file mode 100644 index 02b49f943..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character15/0365_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_01.png deleted file mode 100644 index a8b5cdf4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_02.png deleted file mode 100644 index 67e54f33c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_03.png deleted file mode 100644 index 42299cf4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_04.png deleted file mode 100644 index a5978409e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_05.png deleted file mode 100644 index 95cc1e51b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_06.png deleted file mode 100644 index 6b7e6efe3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_07.png deleted file mode 100644 index f6a225454..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_08.png deleted file mode 100644 index cfde88540..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_09.png deleted file mode 100644 index 52b878904..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_10.png deleted file mode 100644 index 8dddd3207..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_11.png deleted file mode 100644 index eaf29355a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_12.png deleted file mode 100644 index efb778cda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_13.png deleted file mode 100644 index 47dfbf504..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_14.png deleted file mode 100644 index 17e7e683b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_15.png deleted file mode 100644 index 0f06572cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_16.png deleted file mode 100644 index db5cb53b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_17.png deleted file mode 100644 index 23f7c5c0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_18.png deleted file mode 100644 index 8f58dc32d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_19.png deleted file mode 100644 index fcc0e0a28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_20.png deleted file mode 100644 index 752a9a0f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character16/0366_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_01.png deleted file mode 100644 index 92e37b10d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_02.png deleted file mode 100644 index 799b4ce20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_03.png deleted file mode 100644 index 1d197096d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_04.png deleted file mode 100644 index e6da4096a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_05.png deleted file mode 100644 index 4466da01c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_06.png deleted file mode 100644 index d6e1cda8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_07.png deleted file mode 100644 index f11ef07a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_08.png deleted file mode 100644 index c2a1c21e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_09.png deleted file mode 100644 index 9988ddfb5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_10.png deleted file mode 100644 index a2633ebf1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_11.png deleted file mode 100644 index e388400f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_12.png deleted file mode 100644 index 7565e58c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_13.png deleted file mode 100644 index 4640b96a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_14.png deleted file mode 100644 index b7119ee79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_15.png deleted file mode 100644 index 52ca41aa6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_16.png deleted file mode 100644 index 48b7489e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_17.png deleted file mode 100644 index f65f0c2ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_18.png deleted file mode 100644 index 2591d5745..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_19.png deleted file mode 100644 index f83eaa917..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_20.png deleted file mode 100644 index 1c7daee77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character17/0367_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_01.png deleted file mode 100644 index 5cf6b6f35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_02.png deleted file mode 100644 index db314a863..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_03.png deleted file mode 100644 index 8cf840f3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_04.png deleted file mode 100644 index 4eb5bdb8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_05.png deleted file mode 100644 index 7c363b402..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_06.png deleted file mode 100644 index 4ad362d28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_07.png deleted file mode 100644 index d812b2f8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_08.png deleted file mode 100644 index c25c40376..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_09.png deleted file mode 100644 index 713465f4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_10.png deleted file mode 100644 index 4f5d5b97f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_11.png deleted file mode 100644 index 2bd2ad4ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_12.png deleted file mode 100644 index 2d3f0bd37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_13.png deleted file mode 100644 index 1ef6289ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_14.png deleted file mode 100644 index 034fad1ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_15.png deleted file mode 100644 index f1b3daf5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_16.png deleted file mode 100644 index b2d0921d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_17.png deleted file mode 100644 index 0f82fec44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_18.png deleted file mode 100644 index 1b32b2b54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_19.png deleted file mode 100644 index bde6c4f74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_20.png deleted file mode 100644 index 264792dd7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character18/0368_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_01.png deleted file mode 100644 index 9853ffa9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_02.png deleted file mode 100644 index 0b92ff085..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_03.png deleted file mode 100644 index b6c5f8e6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_04.png deleted file mode 100644 index 3cd797522..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_05.png deleted file mode 100644 index 1c4930a37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_06.png deleted file mode 100644 index 37aae6561..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_07.png deleted file mode 100644 index facf96901..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_08.png deleted file mode 100644 index 318850aa5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_09.png deleted file mode 100644 index fafbfcc87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_10.png deleted file mode 100644 index 6de7a61ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_11.png deleted file mode 100644 index 5777b0bd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_12.png deleted file mode 100644 index 93cb496df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_13.png deleted file mode 100644 index 4de755247..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_14.png deleted file mode 100644 index 8728752d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_15.png deleted file mode 100644 index 36f5764c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_16.png deleted file mode 100644 index 61501f177..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_17.png deleted file mode 100644 index ff3abdfce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_18.png deleted file mode 100644 index 88e6cf0cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_19.png deleted file mode 100644 index bccc61259..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_20.png deleted file mode 100644 index 40aabe07e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character19/0369_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_01.png deleted file mode 100644 index f87e8dbc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_02.png deleted file mode 100644 index ead7f52f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_03.png deleted file mode 100644 index acfb0d35a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_04.png deleted file mode 100644 index ec48c5b3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_05.png deleted file mode 100644 index 05e27ed95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_06.png deleted file mode 100644 index 5f9c4f633..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_07.png deleted file mode 100644 index 5e654831d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_08.png deleted file mode 100644 index 5303b2a51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_09.png deleted file mode 100644 index ab6cac8be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_10.png deleted file mode 100644 index 9295a3234..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_11.png deleted file mode 100644 index b2c75156f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_12.png deleted file mode 100644 index fde6370e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_13.png deleted file mode 100644 index bd27c9249..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_14.png deleted file mode 100644 index a0816aa11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_15.png deleted file mode 100644 index ee1e22c54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_16.png deleted file mode 100644 index dcc393d0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_17.png deleted file mode 100644 index 82881335e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_18.png deleted file mode 100644 index dc41149fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_19.png deleted file mode 100644 index ac8975b6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_20.png deleted file mode 100644 index 599a8eacb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character20/0370_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_01.png deleted file mode 100644 index 1916b8fb2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_02.png deleted file mode 100644 index dec16c780..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_03.png deleted file mode 100644 index e73e8eac3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_04.png deleted file mode 100644 index b2968695d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_05.png deleted file mode 100644 index 05b05c68b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_06.png deleted file mode 100644 index 679430d82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_07.png deleted file mode 100644 index 1f2dc2a8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_08.png deleted file mode 100644 index c2b404193..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_09.png deleted file mode 100644 index b9f814ce4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_10.png deleted file mode 100644 index ae73f8b9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_11.png deleted file mode 100644 index b5ce8badb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_12.png deleted file mode 100644 index da9e7d476..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_13.png deleted file mode 100644 index f9e896442..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_14.png deleted file mode 100644 index 1b3f3d753..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_15.png deleted file mode 100644 index 43606457c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_16.png deleted file mode 100644 index a9eb02f75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_17.png deleted file mode 100644 index fcc31b64a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_18.png deleted file mode 100644 index 76e4181c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_19.png deleted file mode 100644 index 4c4b76778..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_20.png deleted file mode 100644 index 46b4bfb01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character21/0371_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_01.png deleted file mode 100644 index d8536b2f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_02.png deleted file mode 100644 index 3a70d2d25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_03.png deleted file mode 100644 index f6f817eca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_04.png deleted file mode 100644 index 41c6bc287..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_05.png deleted file mode 100644 index 0db113c68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_06.png deleted file mode 100644 index a5659670b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_07.png deleted file mode 100644 index 55e04b399..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_08.png deleted file mode 100644 index dae289771..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_09.png deleted file mode 100644 index c6f40a00b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_10.png deleted file mode 100644 index a0c0b5294..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_11.png deleted file mode 100644 index f99906ea8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_12.png deleted file mode 100644 index 12814ad66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_13.png deleted file mode 100644 index 4d5292708..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_14.png deleted file mode 100644 index e61255e99..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_15.png deleted file mode 100644 index d13b0655a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_16.png deleted file mode 100644 index c0840b837..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_17.png deleted file mode 100644 index 50c4660ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_18.png deleted file mode 100644 index d2bf36519..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_19.png deleted file mode 100644 index 8ffff7420..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_20.png deleted file mode 100644 index 53b2d6121..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character22/0372_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_01.png deleted file mode 100644 index 0b50fa870..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_02.png deleted file mode 100644 index 8dfa9f259..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_03.png deleted file mode 100644 index 79f8fba8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_04.png deleted file mode 100644 index ff0ac56e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_05.png deleted file mode 100644 index 1c5a2aa28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_06.png deleted file mode 100644 index c6aea2b04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_07.png deleted file mode 100644 index b3bec687b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_08.png deleted file mode 100644 index 253fedee5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_09.png deleted file mode 100644 index 5e04e78c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_10.png deleted file mode 100644 index 88a33c23b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_11.png deleted file mode 100644 index bae122439..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_12.png deleted file mode 100644 index b51e6c03b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_13.png deleted file mode 100644 index 90ebaf6d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_14.png deleted file mode 100644 index d299d2f49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_15.png deleted file mode 100644 index 2a68565d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_16.png deleted file mode 100644 index 7393b662f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_17.png deleted file mode 100644 index 724634d92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_18.png deleted file mode 100644 index 9d0bf6322..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_19.png deleted file mode 100644 index a2170007b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_20.png deleted file mode 100644 index 241e994ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character23/0373_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_01.png deleted file mode 100644 index 7bf7a3e50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_02.png deleted file mode 100644 index fb82e5bed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_03.png deleted file mode 100644 index db50b90a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_04.png deleted file mode 100644 index 1b8933c82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_05.png deleted file mode 100644 index 0cb3d64c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_06.png deleted file mode 100644 index ba399de80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_07.png deleted file mode 100644 index 1e021b34a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_08.png deleted file mode 100644 index c9f7c2e76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_09.png deleted file mode 100644 index 7ecc4453f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_10.png deleted file mode 100644 index e9ed59ed7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_11.png deleted file mode 100644 index 784530366..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_12.png deleted file mode 100644 index 676b0695a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_13.png deleted file mode 100644 index 2f5984ba2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_14.png deleted file mode 100644 index db2cca954..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_15.png deleted file mode 100644 index a8b6350ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_16.png deleted file mode 100644 index 7b050523d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_17.png deleted file mode 100644 index 814daf9a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_18.png deleted file mode 100644 index d6365bcef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_19.png deleted file mode 100644 index 62b584e23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_20.png deleted file mode 100644 index bb47fb3de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character24/0374_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_01.png deleted file mode 100644 index 73fd16f04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_02.png deleted file mode 100644 index f271dc6cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_03.png deleted file mode 100644 index 52c8fc07a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_04.png deleted file mode 100644 index 54c0e428a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_05.png deleted file mode 100644 index 1c4fcaba0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_06.png deleted file mode 100644 index 226b556fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_07.png deleted file mode 100644 index 56647895d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_08.png deleted file mode 100644 index 03be9f883..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_09.png deleted file mode 100644 index 2e066c9a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_10.png deleted file mode 100644 index 7888dbda0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_11.png deleted file mode 100644 index 54732e400..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_12.png deleted file mode 100644 index d06d97b07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_13.png deleted file mode 100644 index f420e02d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_14.png deleted file mode 100644 index fe7418eab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_15.png deleted file mode 100644 index fcb93cbd5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_16.png deleted file mode 100644 index bce11dbaf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_17.png deleted file mode 100644 index 0ada35bcd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_18.png deleted file mode 100644 index f2022aa7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_19.png deleted file mode 100644 index 336678fee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_20.png deleted file mode 100644 index 8cfd6776c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character25/0375_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_01.png deleted file mode 100644 index 681bc049f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_02.png deleted file mode 100644 index e6c20d0bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_03.png deleted file mode 100644 index 916852e48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_04.png deleted file mode 100644 index 8c6e81c03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_05.png deleted file mode 100644 index ee9c1517f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_06.png deleted file mode 100644 index 0805fa379..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_07.png deleted file mode 100644 index a1d4b005e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_08.png deleted file mode 100644 index 700e0a985..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_09.png deleted file mode 100644 index 9091d38bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_10.png deleted file mode 100644 index adea084b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_11.png deleted file mode 100644 index fee05212d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_12.png deleted file mode 100644 index d9d98b00d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_13.png deleted file mode 100644 index d865a5c69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_14.png deleted file mode 100644 index e773e2aec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_15.png deleted file mode 100644 index 7af1281e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_16.png deleted file mode 100644 index d5763f612..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_17.png deleted file mode 100644 index aaf7ce00f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_18.png deleted file mode 100644 index df86f2923..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_19.png deleted file mode 100644 index 23d451078..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_20.png deleted file mode 100644 index d438d2174..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character26/0376_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_01.png deleted file mode 100644 index 4c97d7ace..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_02.png deleted file mode 100644 index 5f201e231..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_03.png deleted file mode 100644 index 39504ad38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_04.png deleted file mode 100644 index f2a08730e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_05.png deleted file mode 100644 index 57e507bdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_06.png deleted file mode 100644 index 39923b25f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_07.png deleted file mode 100644 index b6920b2b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_08.png deleted file mode 100644 index 5157d0c25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_09.png deleted file mode 100644 index 387c8540e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_10.png deleted file mode 100644 index 580e8d8e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_11.png deleted file mode 100644 index c469907a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_12.png deleted file mode 100644 index 6b9d8f1b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_13.png deleted file mode 100644 index 24b221e66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_14.png deleted file mode 100644 index 2aac5515b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_15.png deleted file mode 100644 index 8c64fae2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_16.png deleted file mode 100644 index df2ff39d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_17.png deleted file mode 100644 index 43f3b8995..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_18.png deleted file mode 100644 index ef039bce2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_19.png deleted file mode 100644 index 38e733d3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_20.png deleted file mode 100644 index 8b3f03e4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character27/0377_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_01.png deleted file mode 100644 index 4b634a489..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_02.png deleted file mode 100644 index 148b7d290..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_03.png deleted file mode 100644 index 4896938be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_04.png deleted file mode 100644 index 4540f8ec2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_05.png deleted file mode 100644 index 9940ffe78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_06.png deleted file mode 100644 index d9856162e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_07.png deleted file mode 100644 index e9cf6cabe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_08.png deleted file mode 100644 index de6f31555..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_09.png deleted file mode 100644 index b7bc8c832..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_10.png deleted file mode 100644 index 7ab7572ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_11.png deleted file mode 100644 index 3f2727192..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_12.png deleted file mode 100644 index 21406cd54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_13.png deleted file mode 100644 index f707242f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_14.png deleted file mode 100644 index de7080453..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_15.png deleted file mode 100644 index cc9ba8b87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_16.png deleted file mode 100644 index f0adb55b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_17.png deleted file mode 100644 index ba66a1ad6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_18.png deleted file mode 100644 index 68de46d16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_19.png deleted file mode 100644 index 3c368dd06..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_20.png deleted file mode 100644 index 6686b1960..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character28/0378_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_01.png deleted file mode 100644 index 5e4098329..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_02.png deleted file mode 100644 index fbc4514ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_03.png deleted file mode 100644 index 567b593e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_04.png deleted file mode 100644 index a10b1de20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_05.png deleted file mode 100644 index eea1e3e37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_06.png deleted file mode 100644 index 7b4861ab5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_07.png deleted file mode 100644 index 20a88c983..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_08.png deleted file mode 100644 index 930fb9296..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_09.png deleted file mode 100644 index 6a1112df4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_10.png deleted file mode 100644 index b07640d92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_11.png deleted file mode 100644 index 3737ed690..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_12.png deleted file mode 100644 index 097c581da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_13.png deleted file mode 100644 index e88037ebc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_14.png deleted file mode 100644 index be9316dda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_15.png deleted file mode 100644 index 89f3bb7e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_16.png deleted file mode 100644 index 2e6c66b04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_17.png deleted file mode 100644 index 893e3b5dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_18.png deleted file mode 100644 index c86ab69a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_19.png deleted file mode 100644 index f0c06806e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_20.png deleted file mode 100644 index 348e83571..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character29/0379_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_01.png deleted file mode 100644 index 72f2710c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_02.png deleted file mode 100644 index 0c879b6bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_03.png deleted file mode 100644 index ebeb819a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_04.png deleted file mode 100644 index 4cae97a68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_05.png deleted file mode 100644 index 3ed521722..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_06.png deleted file mode 100644 index 5b595fde6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_07.png deleted file mode 100644 index f1a31694b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_08.png deleted file mode 100644 index 0a5c8e2c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_09.png deleted file mode 100644 index 684c35c96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_10.png deleted file mode 100644 index cf0d3296b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_11.png deleted file mode 100644 index 57d3e5d61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_12.png deleted file mode 100644 index 95dc0bce8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_13.png deleted file mode 100644 index a7ad74d74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_14.png deleted file mode 100644 index 00180cea3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_15.png deleted file mode 100644 index 389394c04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_16.png deleted file mode 100644 index 5a8c5ff7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_17.png deleted file mode 100644 index ab5155dbf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_18.png deleted file mode 100644 index d1804444a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_19.png deleted file mode 100644 index cb4f1868c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_20.png deleted file mode 100644 index 8ccae4850..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character30/0380_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_01.png deleted file mode 100644 index d92e6c51f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_02.png deleted file mode 100644 index 950deb3cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_03.png deleted file mode 100644 index cb41c0662..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_04.png deleted file mode 100644 index 271d0e0cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_05.png deleted file mode 100644 index 9bff1175f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_06.png deleted file mode 100644 index c5a53acff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_07.png deleted file mode 100644 index 7bf8b2bf9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_08.png deleted file mode 100644 index a9ebe8a60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_09.png deleted file mode 100644 index 381fce4f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_10.png deleted file mode 100644 index 75dd53268..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_11.png deleted file mode 100644 index 7de588408..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_12.png deleted file mode 100644 index 7089db5ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_13.png deleted file mode 100644 index 707e871dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_14.png deleted file mode 100644 index 2b00707fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_15.png deleted file mode 100644 index 87a3c7a3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_16.png deleted file mode 100644 index 66f3c34b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_17.png deleted file mode 100644 index 2f11cb0a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_18.png deleted file mode 100644 index 806e9b174..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_19.png deleted file mode 100644 index 63de62777..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_20.png deleted file mode 100644 index c7cee01c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character31/0381_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_01.png deleted file mode 100644 index 129736ffc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_02.png deleted file mode 100644 index 52eea7fdf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_03.png deleted file mode 100644 index f4c1ad138..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_04.png deleted file mode 100644 index c4cb008ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_05.png deleted file mode 100644 index fdc65e730..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_06.png deleted file mode 100644 index 973cbaa16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_07.png deleted file mode 100644 index e3c9839e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_08.png deleted file mode 100644 index dde8ebd45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_09.png deleted file mode 100644 index 97d6b1f85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_10.png deleted file mode 100644 index fb07f3453..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_11.png deleted file mode 100644 index 054851f7b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_12.png deleted file mode 100644 index 35431c134..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_13.png deleted file mode 100644 index 9c99ecf81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_14.png deleted file mode 100644 index 7eafe4c5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_15.png deleted file mode 100644 index f11bdfd51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_16.png deleted file mode 100644 index e0a2cf083..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_17.png deleted file mode 100644 index d1ddc515b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_18.png deleted file mode 100644 index cfbd0c665..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_19.png deleted file mode 100644 index 83c470e58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_20.png deleted file mode 100644 index 2321facde..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character32/0382_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_01.png deleted file mode 100644 index ee6114565..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_02.png deleted file mode 100644 index ed147e36c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_03.png deleted file mode 100644 index cf274413a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_04.png deleted file mode 100644 index c78a919e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_05.png deleted file mode 100644 index 7b4fbfa16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_06.png deleted file mode 100644 index 3ba0f2874..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_07.png deleted file mode 100644 index b5d7574d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_08.png deleted file mode 100644 index 5bd75bdb7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_09.png deleted file mode 100644 index 286fd1a09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_10.png deleted file mode 100644 index 3cfc57622..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_11.png deleted file mode 100644 index 3d0d72982..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_12.png deleted file mode 100644 index b4d1d27c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_13.png deleted file mode 100644 index 4a31a1e11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_14.png deleted file mode 100644 index 3b1acf15d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_15.png deleted file mode 100644 index bb3aa1668..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_16.png deleted file mode 100644 index cb78e144f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_17.png deleted file mode 100644 index 26ddd0f19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_18.png deleted file mode 100644 index 76a8dc2e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_19.png deleted file mode 100644 index 3d8ba6936..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_20.png deleted file mode 100644 index 881e19fb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character33/0383_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_01.png deleted file mode 100644 index ad365329f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_02.png deleted file mode 100644 index e43c09aab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_03.png deleted file mode 100644 index 8d9cdf9d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_04.png deleted file mode 100644 index acef58531..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_05.png deleted file mode 100644 index a12823122..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_06.png deleted file mode 100644 index 04a06fba5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_07.png deleted file mode 100644 index e9f784002..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_08.png deleted file mode 100644 index b1c81d8f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_09.png deleted file mode 100644 index 79d566d84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_10.png deleted file mode 100644 index b4f1e3abd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_11.png deleted file mode 100644 index d1913a160..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_12.png deleted file mode 100644 index 0ec2bf1f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_13.png deleted file mode 100644 index 373c89c04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_14.png deleted file mode 100644 index 2a0c7868d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_15.png deleted file mode 100644 index 9a84dcb0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_16.png deleted file mode 100644 index bbc68f39f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_17.png deleted file mode 100644 index e0d75e315..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_18.png deleted file mode 100644 index d300b0449..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_19.png deleted file mode 100644 index 328c104df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_20.png deleted file mode 100644 index df11722da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character34/0384_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_01.png deleted file mode 100644 index 71d7ec24a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_02.png deleted file mode 100644 index 988d39be0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_03.png deleted file mode 100644 index 24bced676..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_04.png deleted file mode 100644 index 01e1990c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_05.png deleted file mode 100644 index 0d0b5fd04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_06.png deleted file mode 100644 index 86c5a4c15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_07.png deleted file mode 100644 index ae3d48872..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_08.png deleted file mode 100644 index 10084d669..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_09.png deleted file mode 100644 index 73a4bda72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_10.png deleted file mode 100644 index 589f1127d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_11.png deleted file mode 100644 index 35da1080f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_12.png deleted file mode 100644 index 8fd3e0619..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_13.png deleted file mode 100644 index 2c1424ae8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_14.png deleted file mode 100644 index 123e23258..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_15.png deleted file mode 100644 index 5c21923c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_16.png deleted file mode 100644 index 2cc427330..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_17.png deleted file mode 100644 index f11d1a4f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_18.png deleted file mode 100644 index ef4382d08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_19.png deleted file mode 100644 index 6377e4e6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_20.png deleted file mode 100644 index d7c899238..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character35/0385_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_01.png deleted file mode 100644 index 6a7a8d548..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_02.png deleted file mode 100644 index 37842a085..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_03.png deleted file mode 100644 index 2121b4ae2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_04.png deleted file mode 100644 index f8fe32064..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_05.png deleted file mode 100644 index 2db3c3275..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_06.png deleted file mode 100644 index 3d713cee9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_07.png deleted file mode 100644 index d26d0cf6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_08.png deleted file mode 100644 index 70a63881e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_09.png deleted file mode 100644 index 81d5858be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_10.png deleted file mode 100644 index 1c7ab6e23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_11.png deleted file mode 100644 index 8531c7a28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_12.png deleted file mode 100644 index 88d414c37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_13.png deleted file mode 100644 index 5b1bb028a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_14.png deleted file mode 100644 index 18a07160e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_15.png deleted file mode 100644 index c4634b90c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_16.png deleted file mode 100644 index c14984671..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_17.png deleted file mode 100644 index 90e0ebaf4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_18.png deleted file mode 100644 index ae01857f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_19.png deleted file mode 100644 index 91d66ac83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_20.png deleted file mode 100644 index afa93df7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character36/0386_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_01.png deleted file mode 100644 index 37b67358e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_02.png deleted file mode 100644 index 37b548dcc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_03.png deleted file mode 100644 index 8c89a6237..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_04.png deleted file mode 100644 index 7aa530b5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_05.png deleted file mode 100644 index 8172960ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_06.png deleted file mode 100644 index 9ed067df7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_07.png deleted file mode 100644 index 7911e5f17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_08.png deleted file mode 100644 index 347871aaa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_09.png deleted file mode 100644 index 413e43ba3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_10.png deleted file mode 100644 index 04146c5f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_11.png deleted file mode 100644 index 52f10acc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_12.png deleted file mode 100644 index 0ce31922d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_13.png deleted file mode 100644 index 8836c1a10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_14.png deleted file mode 100644 index fdb796697..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_15.png deleted file mode 100644 index 73d841429..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_16.png deleted file mode 100644 index ee7ed502c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_17.png deleted file mode 100644 index 23503899f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_18.png deleted file mode 100644 index 98f3a8e1d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_19.png deleted file mode 100644 index 583a6dfff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_20.png deleted file mode 100644 index b548f5982..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character37/0387_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_01.png deleted file mode 100644 index 727287317..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_02.png deleted file mode 100644 index 0cfd56041..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_03.png deleted file mode 100644 index 260f4854c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_04.png deleted file mode 100644 index 6c8daec8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_05.png deleted file mode 100644 index d5f4474d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_06.png deleted file mode 100644 index 8c7ae6dc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_07.png deleted file mode 100644 index 2b63b7c75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_08.png deleted file mode 100644 index bb9932b34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_09.png deleted file mode 100644 index 706988f1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_10.png deleted file mode 100644 index 1f5cb74c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_11.png deleted file mode 100644 index d1eb28ffd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_12.png deleted file mode 100644 index 6031a27d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_13.png deleted file mode 100644 index c34676ffd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_14.png deleted file mode 100644 index 6d0be02ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_15.png deleted file mode 100644 index ab7832352..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_16.png deleted file mode 100644 index c7966bb67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_17.png deleted file mode 100644 index d69572b1d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_18.png deleted file mode 100644 index 8b7cc9724..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_19.png deleted file mode 100644 index 8475e6598..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_20.png deleted file mode 100644 index 267665d92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character38/0388_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_01.png deleted file mode 100644 index e60e3dfe6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_02.png deleted file mode 100644 index 2280ce311..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_03.png deleted file mode 100644 index 48e28713b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_04.png deleted file mode 100644 index 283ac1358..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_05.png deleted file mode 100644 index cce83ea35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_06.png deleted file mode 100644 index 0d1950f9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_07.png deleted file mode 100644 index f8a6b7081..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_08.png deleted file mode 100644 index a52045fdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_09.png deleted file mode 100644 index e1cbe3061..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_10.png deleted file mode 100644 index 6adb84049..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_11.png deleted file mode 100644 index d2a7621e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_12.png deleted file mode 100644 index eb6351394..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_13.png deleted file mode 100644 index 30894759e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_14.png deleted file mode 100644 index 5f1662bc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_15.png deleted file mode 100644 index 2ef300ff3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_16.png deleted file mode 100644 index 03d3fd7a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_17.png deleted file mode 100644 index 9c83c7103..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_18.png deleted file mode 100644 index a91ac85da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_19.png deleted file mode 100644 index 43a7887b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_20.png deleted file mode 100644 index 53835c3c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character39/0389_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_01.png deleted file mode 100644 index bf2607d22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_02.png deleted file mode 100644 index 60d150e23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_03.png deleted file mode 100644 index ca55b9b0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_04.png deleted file mode 100644 index 4868511d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_05.png deleted file mode 100644 index 86c1b5d86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_06.png deleted file mode 100644 index 78ecce85c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_07.png deleted file mode 100644 index acb009156..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_08.png deleted file mode 100644 index da97212fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_09.png deleted file mode 100644 index ef2c5a1d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_10.png deleted file mode 100644 index f324c67ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_11.png deleted file mode 100644 index 678a84a78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_12.png deleted file mode 100644 index c75dfdd2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_13.png deleted file mode 100644 index 3d7181365..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_14.png deleted file mode 100644 index 5158271c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_15.png deleted file mode 100644 index 010317d4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_16.png deleted file mode 100644 index f2beee69b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_17.png deleted file mode 100644 index 872f4d282..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_18.png deleted file mode 100644 index 605e259b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_19.png deleted file mode 100644 index c29b393b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_20.png deleted file mode 100644 index 749507f13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character40/0390_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_01.png deleted file mode 100644 index c56601ed4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_02.png deleted file mode 100644 index c349a401d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_03.png deleted file mode 100644 index d8fc4c3ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_04.png deleted file mode 100644 index c4e986ce3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_05.png deleted file mode 100644 index cab859961..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_06.png deleted file mode 100644 index 8c9739f7b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_07.png deleted file mode 100644 index 1d80a1fb8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_08.png deleted file mode 100644 index 94ac371cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_09.png deleted file mode 100644 index 0d826ee32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_10.png deleted file mode 100644 index 07ace943a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_11.png deleted file mode 100644 index 331b3ce72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_12.png deleted file mode 100644 index 79af27acf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_13.png deleted file mode 100644 index 29e2dd01d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_14.png deleted file mode 100644 index bfafdae97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_15.png deleted file mode 100644 index 245bf2fe2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_16.png deleted file mode 100644 index fd4631a9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_17.png deleted file mode 100644 index 14a2ba0bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_18.png deleted file mode 100644 index b39b51e27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_19.png deleted file mode 100644 index 5c2c6f8c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_20.png deleted file mode 100644 index e5d0af536..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character41/0391_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_01.png deleted file mode 100644 index 7583dc6f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_02.png deleted file mode 100644 index c9b36ed7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_03.png deleted file mode 100644 index 571111328..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_04.png deleted file mode 100644 index d5b1e5b29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_05.png deleted file mode 100644 index 70aa7c11d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_06.png deleted file mode 100644 index 00d603014..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_07.png deleted file mode 100644 index 02c0db3c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_08.png deleted file mode 100644 index 89fa65d93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_09.png deleted file mode 100644 index c48b4ef27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_10.png deleted file mode 100644 index 2ce28ed2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_11.png deleted file mode 100644 index b37faba73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_12.png deleted file mode 100644 index a3970e858..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_13.png deleted file mode 100644 index 8f2799301..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_14.png deleted file mode 100644 index 612b4ece0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_15.png deleted file mode 100644 index cd3a36527..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_16.png deleted file mode 100644 index a01f6bc4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_17.png deleted file mode 100644 index f59d4f1dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_18.png deleted file mode 100644 index 41ebebe7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_19.png deleted file mode 100644 index 343a6cce3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_20.png deleted file mode 100644 index 75dc8a368..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character42/0392_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_01.png deleted file mode 100644 index 2c2e44689..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_02.png deleted file mode 100644 index 682c6908a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_03.png deleted file mode 100644 index 090cd901a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_04.png deleted file mode 100644 index 1f636a31c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_05.png deleted file mode 100644 index cea26c220..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_06.png deleted file mode 100644 index 05d375391..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_07.png deleted file mode 100644 index 912309704..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_08.png deleted file mode 100644 index 0cafc9769..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_09.png deleted file mode 100644 index 5bad92c47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_10.png deleted file mode 100644 index 397bbc8b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_11.png deleted file mode 100644 index 06a707c3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_12.png deleted file mode 100644 index 78e26e55e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_13.png deleted file mode 100644 index dc2f1a104..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_14.png deleted file mode 100644 index 7f38f1da4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_15.png deleted file mode 100644 index c7e7f88bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_16.png deleted file mode 100644 index 85528de10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_17.png deleted file mode 100644 index b67a0612c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_18.png deleted file mode 100644 index 1f4f187e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_19.png deleted file mode 100644 index af9f8ab55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_20.png deleted file mode 100644 index f44c10627..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Grantha/character43/0393_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_01.png deleted file mode 100644 index 75d220c3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_02.png deleted file mode 100644 index 05821e7be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_03.png deleted file mode 100644 index cb77a7cf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_04.png deleted file mode 100644 index 371f91646..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_05.png deleted file mode 100644 index 096f7d72f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_06.png deleted file mode 100644 index 8ce3d5277..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_07.png deleted file mode 100644 index 9a410218b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_08.png deleted file mode 100644 index df40964d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_09.png deleted file mode 100644 index 216589d1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_10.png deleted file mode 100644 index a136dd740..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_11.png deleted file mode 100644 index 7ac42abdf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_12.png deleted file mode 100644 index 257c287e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_13.png deleted file mode 100644 index aba66bf20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_14.png deleted file mode 100644 index 4c0f8e5a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_15.png deleted file mode 100644 index 30904d56e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_16.png deleted file mode 100644 index 5a154c962..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_17.png deleted file mode 100644 index a780c8103..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_18.png deleted file mode 100644 index df7d160e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_19.png deleted file mode 100644 index b1524d479..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_20.png deleted file mode 100644 index e0f54576d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character01/0394_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_01.png deleted file mode 100644 index 1fb770d52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_02.png deleted file mode 100644 index 670fccebb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_03.png deleted file mode 100644 index 4c74873d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_04.png deleted file mode 100644 index 5f7102afa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_05.png deleted file mode 100644 index e9b83aec4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_06.png deleted file mode 100644 index bfdee3f03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_07.png deleted file mode 100644 index 635a0fe48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_08.png deleted file mode 100644 index 7c4681ac1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_09.png deleted file mode 100644 index d643f6c70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_10.png deleted file mode 100644 index 15cc11339..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_11.png deleted file mode 100644 index 5a97071e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_12.png deleted file mode 100644 index 866517826..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_13.png deleted file mode 100644 index 8cc3a2cc7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_14.png deleted file mode 100644 index afcba5f01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_15.png deleted file mode 100644 index 3a26f9e50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_16.png deleted file mode 100644 index fa9bfe2aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_17.png deleted file mode 100644 index fa1216cbe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_18.png deleted file mode 100644 index 105497b62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_19.png deleted file mode 100644 index 0ca4ddf67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_20.png deleted file mode 100644 index 0ce486679..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character02/0395_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_01.png deleted file mode 100644 index b4a1af42e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_02.png deleted file mode 100644 index 2e8e9cccd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_03.png deleted file mode 100644 index 343309e1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_04.png deleted file mode 100644 index 94b2348d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_05.png deleted file mode 100644 index 3b2f52eb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_06.png deleted file mode 100644 index 0f10264c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_07.png deleted file mode 100644 index 7a84019f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_08.png deleted file mode 100644 index b1d0b5fb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_09.png deleted file mode 100644 index 4082ca418..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_10.png deleted file mode 100644 index f95a49b55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_11.png deleted file mode 100644 index 20a7d1d24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_12.png deleted file mode 100644 index 779ca71af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_13.png deleted file mode 100644 index 358cca3c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_14.png deleted file mode 100644 index 886e9594d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_15.png deleted file mode 100644 index 5f5a8272e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_16.png deleted file mode 100644 index 364e99f76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_17.png deleted file mode 100644 index e1c70fce3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_18.png deleted file mode 100644 index fa908c906..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_19.png deleted file mode 100644 index 548ddab27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_20.png deleted file mode 100644 index e9069cefe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character03/0396_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_01.png deleted file mode 100644 index 95949b168..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_02.png deleted file mode 100644 index cb55287ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_03.png deleted file mode 100644 index 297f33183..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_04.png deleted file mode 100644 index 424d390b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_05.png deleted file mode 100644 index 590ba1d0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_06.png deleted file mode 100644 index df8caf549..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_07.png deleted file mode 100644 index 086533d4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_08.png deleted file mode 100644 index 5f4bd7b99..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_09.png deleted file mode 100644 index 79d278c8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_10.png deleted file mode 100644 index 10113436b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_11.png deleted file mode 100644 index 476b32f86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_12.png deleted file mode 100644 index 4e03af3ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_13.png deleted file mode 100644 index 4fab340be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_14.png deleted file mode 100644 index 39bd550eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_15.png deleted file mode 100644 index 03b236b99..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_16.png deleted file mode 100644 index c41830e2e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_17.png deleted file mode 100644 index aeb549488..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_18.png deleted file mode 100644 index 9810fc9dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_19.png deleted file mode 100644 index 36432d854..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_20.png deleted file mode 100644 index 99a33d9a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character04/0397_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_01.png deleted file mode 100644 index cf876c092..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_02.png deleted file mode 100644 index 37211bfb8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_03.png deleted file mode 100644 index e26715995..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_04.png deleted file mode 100644 index a9c5d58c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_05.png deleted file mode 100644 index c7fcacc2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_06.png deleted file mode 100644 index e772f8ef3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_07.png deleted file mode 100644 index 26bdc95fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_08.png deleted file mode 100644 index 7c6597474..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_09.png deleted file mode 100644 index 0fb4d12df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_10.png deleted file mode 100644 index 1e9c04c12..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_11.png deleted file mode 100644 index ea27f3722..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_12.png deleted file mode 100644 index 1ed3e342b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_13.png deleted file mode 100644 index f5f03d0c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_14.png deleted file mode 100644 index ca7406db9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_15.png deleted file mode 100644 index b3964b155..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_16.png deleted file mode 100644 index 30c8a964e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_17.png deleted file mode 100644 index 1c13769f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_18.png deleted file mode 100644 index a96a26371..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_19.png deleted file mode 100644 index 7a28088eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_20.png deleted file mode 100644 index 15a87ba53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character05/0398_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_01.png deleted file mode 100644 index 73b6c784c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_02.png deleted file mode 100644 index 907217b78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_03.png deleted file mode 100644 index 464c95f18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_04.png deleted file mode 100644 index fff8df943..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_05.png deleted file mode 100644 index ed1f16eb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_06.png deleted file mode 100644 index 050d55abe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_07.png deleted file mode 100644 index 963234f1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_08.png deleted file mode 100644 index d1c0a6688..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_09.png deleted file mode 100644 index 1bc114529..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_10.png deleted file mode 100644 index 3813a3cd2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_11.png deleted file mode 100644 index 4c274d8ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_12.png deleted file mode 100644 index 768fb42a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_13.png deleted file mode 100644 index 9b74d0c99..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_14.png deleted file mode 100644 index 0b0050005..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_15.png deleted file mode 100644 index ffe4acf57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_16.png deleted file mode 100644 index 1f1d5757f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_17.png deleted file mode 100644 index b0810c6c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_18.png deleted file mode 100644 index 661fdf25f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_19.png deleted file mode 100644 index d5598d4b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_20.png deleted file mode 100644 index 476bd0bc0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character06/0399_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_01.png deleted file mode 100644 index 595b23d96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_02.png deleted file mode 100644 index 4823f041d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_03.png deleted file mode 100644 index 3c3590824..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_04.png deleted file mode 100644 index 92b48952f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_05.png deleted file mode 100644 index 3eb349a9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_06.png deleted file mode 100644 index 8e5abb7f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_07.png deleted file mode 100644 index ac21c7214..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_08.png deleted file mode 100644 index 6021f7f83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_09.png deleted file mode 100644 index 6b55337d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_10.png deleted file mode 100644 index a0e859451..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_11.png deleted file mode 100644 index 5609bda59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_12.png deleted file mode 100644 index 0302da851..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_13.png deleted file mode 100644 index dbd203679..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_14.png deleted file mode 100644 index bea52da8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_15.png deleted file mode 100644 index 3bfad8887..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_16.png deleted file mode 100644 index 6081fad87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_17.png deleted file mode 100644 index 110ca7e23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_18.png deleted file mode 100644 index 381bbb8c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_19.png deleted file mode 100644 index 12cd782b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_20.png deleted file mode 100644 index ac5110755..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character07/0400_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_01.png deleted file mode 100644 index 0243ec8d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_02.png deleted file mode 100644 index aa6f6400a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_03.png deleted file mode 100644 index ef7cfb63e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_04.png deleted file mode 100644 index 479a8f1a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_05.png deleted file mode 100644 index 8902a27ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_06.png deleted file mode 100644 index a6ba59ee2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_07.png deleted file mode 100644 index 1d9ff8388..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_08.png deleted file mode 100644 index 5fedf95c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_09.png deleted file mode 100644 index 365d5eb1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_10.png deleted file mode 100644 index 4fa73de2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_11.png deleted file mode 100644 index 78882877a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_12.png deleted file mode 100644 index 99f275794..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_13.png deleted file mode 100644 index 04d3ea562..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_14.png deleted file mode 100644 index 5a8c4b0ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_15.png deleted file mode 100644 index 211a822e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_16.png deleted file mode 100644 index db220e050..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_17.png deleted file mode 100644 index 792e41347..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_18.png deleted file mode 100644 index c85682da6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_19.png deleted file mode 100644 index 752be54d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_20.png deleted file mode 100644 index 21e44c2ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character08/0401_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_01.png deleted file mode 100644 index 0ac976a1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_02.png deleted file mode 100644 index d50f60cf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_03.png deleted file mode 100644 index 7427513a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_04.png deleted file mode 100644 index 34eb1e8ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_05.png deleted file mode 100644 index 643859f0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_06.png deleted file mode 100644 index 56c0a3e70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_07.png deleted file mode 100644 index 4e41b6aab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_08.png deleted file mode 100644 index 378f6e895..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_09.png deleted file mode 100644 index 808261299..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_10.png deleted file mode 100644 index 623a58fc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_11.png deleted file mode 100644 index cff5e86a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_12.png deleted file mode 100644 index 4c0e1af93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_13.png deleted file mode 100644 index 97a9ab8c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_14.png deleted file mode 100644 index 3795b594e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_15.png deleted file mode 100644 index 74adbcade..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_16.png deleted file mode 100644 index ecda2ea8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_17.png deleted file mode 100644 index 070d5e73e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_18.png deleted file mode 100644 index ad243e588..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_19.png deleted file mode 100644 index 2f5127b7b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_20.png deleted file mode 100644 index 782f2f62e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character09/0402_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_01.png deleted file mode 100644 index 9dabf6297..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_02.png deleted file mode 100644 index d27ae3bba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_03.png deleted file mode 100644 index a11f9ddb7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_04.png deleted file mode 100644 index b444a6168..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_05.png deleted file mode 100644 index 2d7d5b200..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_06.png deleted file mode 100644 index d9ec56b4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_07.png deleted file mode 100644 index dfb0ec091..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_08.png deleted file mode 100644 index f6a1b8a71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_09.png deleted file mode 100644 index f954da518..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_10.png deleted file mode 100644 index 16ea7f5c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_11.png deleted file mode 100644 index 5a650f3ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_12.png deleted file mode 100644 index 2e6361867..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_13.png deleted file mode 100644 index 3045a0f7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_14.png deleted file mode 100644 index 8dcc2b8fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_15.png deleted file mode 100644 index ea7e058e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_16.png deleted file mode 100644 index 9de26919b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_17.png deleted file mode 100644 index ffc37287e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_18.png deleted file mode 100644 index 873416481..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_19.png deleted file mode 100644 index 201363621..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_20.png deleted file mode 100644 index c421d8d07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character10/0403_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_01.png deleted file mode 100644 index b52ddd2f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_02.png deleted file mode 100644 index 3aa082b0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_03.png deleted file mode 100644 index 0e7466b6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_04.png deleted file mode 100644 index ac296d918..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_05.png deleted file mode 100644 index fbaa528f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_06.png deleted file mode 100644 index a2dc2276e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_07.png deleted file mode 100644 index 96434a1cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_08.png deleted file mode 100644 index 9e0996109..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_09.png deleted file mode 100644 index eea0cbc12..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_10.png deleted file mode 100644 index f75cb9115..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_11.png deleted file mode 100644 index 0a1103070..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_12.png deleted file mode 100644 index 128a4d39a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_13.png deleted file mode 100644 index ac150db91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_14.png deleted file mode 100644 index e02e27fac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_15.png deleted file mode 100644 index 338401917..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_16.png deleted file mode 100644 index b26c42c72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_17.png deleted file mode 100644 index f2ddb015d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_18.png deleted file mode 100644 index 997ded246..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_19.png deleted file mode 100644 index 29c5d52c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_20.png deleted file mode 100644 index 2e989bf58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character11/0404_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_01.png deleted file mode 100644 index f66082cea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_02.png deleted file mode 100644 index 9e555054a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_03.png deleted file mode 100644 index 76c9799d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_04.png deleted file mode 100644 index 20ab7ff5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_05.png deleted file mode 100644 index 0bb98571a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_06.png deleted file mode 100644 index f059da5a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_07.png deleted file mode 100644 index 11f0286ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_08.png deleted file mode 100644 index 7b360b161..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_09.png deleted file mode 100644 index 8aa52a180..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_10.png deleted file mode 100644 index 01b1a4d09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_11.png deleted file mode 100644 index 36ca0cb95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_12.png deleted file mode 100644 index d265db9c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_13.png deleted file mode 100644 index 61713a4c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_14.png deleted file mode 100644 index 546351ea7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_15.png deleted file mode 100644 index 5c93c8b21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_16.png deleted file mode 100644 index 8a95b4e04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_17.png deleted file mode 100644 index f798a6a00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_18.png deleted file mode 100644 index b16b96a51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_19.png deleted file mode 100644 index ced75bf13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_20.png deleted file mode 100644 index 3f25d654a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character12/0405_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_01.png deleted file mode 100644 index 4cec0c638..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_02.png deleted file mode 100644 index a756f5473..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_03.png deleted file mode 100644 index 51522ed0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_04.png deleted file mode 100644 index bcedd92e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_05.png deleted file mode 100644 index 611e20211..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_06.png deleted file mode 100644 index fde62a80a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_07.png deleted file mode 100644 index 085471b13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_08.png deleted file mode 100644 index 6a860fd31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_09.png deleted file mode 100644 index 5998bb658..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_10.png deleted file mode 100644 index 6600d4821..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_11.png deleted file mode 100644 index 799f54e9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_12.png deleted file mode 100644 index 1a92048db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_13.png deleted file mode 100644 index a0665284a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_14.png deleted file mode 100644 index ee8d1fdee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_15.png deleted file mode 100644 index 4c7e1371e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_16.png deleted file mode 100644 index 4d0e56d50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_17.png deleted file mode 100644 index 99e9fde9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_18.png deleted file mode 100644 index 92c2dab11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_19.png deleted file mode 100644 index 3279faeb5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_20.png deleted file mode 100644 index e2b12a8aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character13/0406_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_01.png deleted file mode 100644 index d01715229..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_02.png deleted file mode 100644 index 7bec76532..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_03.png deleted file mode 100644 index c2b92fc01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_04.png deleted file mode 100644 index 7d8f48a02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_05.png deleted file mode 100644 index 3b22d8378..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_06.png deleted file mode 100644 index fd4eda72b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_07.png deleted file mode 100644 index 9d22f9714..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_08.png deleted file mode 100644 index 83b65ccb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_09.png deleted file mode 100644 index 6927c4fed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_10.png deleted file mode 100644 index 6710c29a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_11.png deleted file mode 100644 index 68b7d431a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_12.png deleted file mode 100644 index 8eb808c10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_13.png deleted file mode 100644 index 26a28e5db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_14.png deleted file mode 100644 index 5541012dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_15.png deleted file mode 100644 index 11191ef6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_16.png deleted file mode 100644 index 192edc518..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_17.png deleted file mode 100644 index ce6ab668d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_18.png deleted file mode 100644 index c1a79f08a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_19.png deleted file mode 100644 index e61ae7f4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_20.png deleted file mode 100644 index 74f303031..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character14/0407_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_01.png deleted file mode 100644 index f1b6d83e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_02.png deleted file mode 100644 index bf440e304..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_03.png deleted file mode 100644 index 99e3632a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_04.png deleted file mode 100644 index 1360b15f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_05.png deleted file mode 100644 index 0ae5a55a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_06.png deleted file mode 100644 index 858dc4649..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_07.png deleted file mode 100644 index fcdcec7f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_08.png deleted file mode 100644 index e9ec32490..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_09.png deleted file mode 100644 index a69ba731c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_10.png deleted file mode 100644 index 1328cd7c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_11.png deleted file mode 100644 index dac9206fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_12.png deleted file mode 100644 index 47196845c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_13.png deleted file mode 100644 index 3aeab1f07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_14.png deleted file mode 100644 index 1b6140c19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_15.png deleted file mode 100644 index 3f9c2678d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_16.png deleted file mode 100644 index cd182bc92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_17.png deleted file mode 100644 index 4b1cd39a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_18.png deleted file mode 100644 index 813dad282..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_19.png deleted file mode 100644 index e5fff847d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_20.png deleted file mode 100644 index 08d598716..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character15/0408_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_01.png deleted file mode 100644 index f1c6e4e3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_02.png deleted file mode 100644 index 824d4f4e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_03.png deleted file mode 100644 index c11a1e52b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_04.png deleted file mode 100644 index 7efa6767d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_05.png deleted file mode 100644 index 7aa5f7e8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_06.png deleted file mode 100644 index 04a93ff2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_07.png deleted file mode 100644 index a1e70f725..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_08.png deleted file mode 100644 index 35633b824..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_09.png deleted file mode 100644 index 457e21604..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_10.png deleted file mode 100644 index 16ae541e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_11.png deleted file mode 100644 index 0fa8ad82f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_12.png deleted file mode 100644 index 12e8296cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_13.png deleted file mode 100644 index 927ff0e94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_14.png deleted file mode 100644 index 7def16da1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_15.png deleted file mode 100644 index 775e712ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_16.png deleted file mode 100644 index 082162590..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_17.png deleted file mode 100644 index b3ee05970..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_18.png deleted file mode 100644 index b47946e4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_19.png deleted file mode 100644 index 59bfb6cc7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_20.png deleted file mode 100644 index 0db4de650..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character16/0409_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_01.png deleted file mode 100644 index ae11963dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_02.png deleted file mode 100644 index 155f0f193..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_03.png deleted file mode 100644 index 754ce57e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_04.png deleted file mode 100644 index 702e106dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_05.png deleted file mode 100644 index 35f51e7b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_06.png deleted file mode 100644 index 5219887fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_07.png deleted file mode 100644 index 815ab866e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_08.png deleted file mode 100644 index 6bc89b848..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_09.png deleted file mode 100644 index acc19adfe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_10.png deleted file mode 100644 index 342c5d5c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_11.png deleted file mode 100644 index 37f4e1c00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_12.png deleted file mode 100644 index 67b424b27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_13.png deleted file mode 100644 index f975b31bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_14.png deleted file mode 100644 index fb04f8d63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_15.png deleted file mode 100644 index d6b693ae7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_16.png deleted file mode 100644 index 09f9176d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_17.png deleted file mode 100644 index 035a0e586..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_18.png deleted file mode 100644 index 1b9105f5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_19.png deleted file mode 100644 index 4a8ce429e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_20.png deleted file mode 100644 index 1ed6e1a6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character17/0410_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_01.png deleted file mode 100644 index 2697dbb40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_02.png deleted file mode 100644 index b72fe68b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_03.png deleted file mode 100644 index 6ae6386ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_04.png deleted file mode 100644 index bb7165dc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_05.png deleted file mode 100644 index 61bb3b1d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_06.png deleted file mode 100644 index dcfd4b96e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_07.png deleted file mode 100644 index 35f453399..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_08.png deleted file mode 100644 index 141eeb2fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_09.png deleted file mode 100644 index d610a25d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_10.png deleted file mode 100644 index 92a5916f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_11.png deleted file mode 100644 index d91e5220f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_12.png deleted file mode 100644 index 452921e84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_13.png deleted file mode 100644 index 7f50ccdc2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_14.png deleted file mode 100644 index 5ba0985ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_15.png deleted file mode 100644 index fe9515a23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_16.png deleted file mode 100644 index 27d31992a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_17.png deleted file mode 100644 index a75f5e072..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_18.png deleted file mode 100644 index 14cb4c600..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_19.png deleted file mode 100644 index f350d6dcb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_20.png deleted file mode 100644 index 65025a84f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character18/0411_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_01.png deleted file mode 100644 index d98505661..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_02.png deleted file mode 100644 index 45c4b66ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_03.png deleted file mode 100644 index 5d8886ee1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_04.png deleted file mode 100644 index 776b1a039..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_05.png deleted file mode 100644 index 7e4b3ab1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_06.png deleted file mode 100644 index f0c8665ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_07.png deleted file mode 100644 index 274016134..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_08.png deleted file mode 100644 index 1445cdce3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_09.png deleted file mode 100644 index db1d13f92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_10.png deleted file mode 100644 index c3d98bad5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_11.png deleted file mode 100644 index 187db53c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_12.png deleted file mode 100644 index e0abb6424..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_13.png deleted file mode 100644 index 7b84fae7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_14.png deleted file mode 100644 index 3e36fd605..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_15.png deleted file mode 100644 index fa9842992..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_16.png deleted file mode 100644 index ff22ebb0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_17.png deleted file mode 100644 index 134d8fd3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_18.png deleted file mode 100644 index 41dc40766..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_19.png deleted file mode 100644 index 2f9de92da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_20.png deleted file mode 100644 index 5573b1aed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character19/0412_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_01.png deleted file mode 100644 index df4c2829d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_02.png deleted file mode 100644 index 7dab16f4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_03.png deleted file mode 100644 index 5c8870ffb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_04.png deleted file mode 100644 index df3e73b77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_05.png deleted file mode 100644 index 6c15fab2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_06.png deleted file mode 100644 index 0fb4f7517..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_07.png deleted file mode 100644 index 1905eb6b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_08.png deleted file mode 100644 index 3e1c1f3f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_09.png deleted file mode 100644 index 5361231c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_10.png deleted file mode 100644 index 1835e8511..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_11.png deleted file mode 100644 index 6868b256b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_12.png deleted file mode 100644 index d0106fefb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_13.png deleted file mode 100644 index e3a4b8da5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_14.png deleted file mode 100644 index 3b7dc4ecc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_15.png deleted file mode 100644 index aa81fd144..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_16.png deleted file mode 100644 index d3c6aa58b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_17.png deleted file mode 100644 index a4226c78c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_18.png deleted file mode 100644 index 3d3ea2773..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_19.png deleted file mode 100644 index 7b6bdace0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_20.png deleted file mode 100644 index 8127ba005..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character20/0413_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_01.png deleted file mode 100644 index 64e18755c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_02.png deleted file mode 100644 index e56ae5422..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_03.png deleted file mode 100644 index 076efc024..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_04.png deleted file mode 100644 index 2d7648061..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_05.png deleted file mode 100644 index 948b478b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_06.png deleted file mode 100644 index 1f124b047..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_07.png deleted file mode 100644 index 61159c41e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_08.png deleted file mode 100644 index 07ea85447..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_09.png deleted file mode 100644 index ba6a0331a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_10.png deleted file mode 100644 index 89c971723..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_11.png deleted file mode 100644 index 81e90d6f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_12.png deleted file mode 100644 index de647f14d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_13.png deleted file mode 100644 index 68c12ad28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_14.png deleted file mode 100644 index 7159b7da7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_15.png deleted file mode 100644 index 480eb1855..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_16.png deleted file mode 100644 index 09092e585..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_17.png deleted file mode 100644 index af8c8811c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_18.png deleted file mode 100644 index 3737a5cd5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_19.png deleted file mode 100644 index 0a1c45804..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_20.png deleted file mode 100644 index a6b4f687d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character21/0414_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_01.png deleted file mode 100644 index 171182a80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_02.png deleted file mode 100644 index ed0cd297f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_03.png deleted file mode 100644 index d57bc3338..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_04.png deleted file mode 100644 index 39b07ac6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_05.png deleted file mode 100644 index db6927a38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_06.png deleted file mode 100644 index bff92022e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_07.png deleted file mode 100644 index eceee51a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_08.png deleted file mode 100644 index a4a8863c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_09.png deleted file mode 100644 index b902761a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_10.png deleted file mode 100644 index 588abebbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_11.png deleted file mode 100644 index f326cb45f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_12.png deleted file mode 100644 index 32a3ae3b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_13.png deleted file mode 100644 index 895f057a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_14.png deleted file mode 100644 index 912bcbeea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_15.png deleted file mode 100644 index 6ca06960a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_16.png deleted file mode 100644 index 79098c246..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_17.png deleted file mode 100644 index 4e8ddf05e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_18.png deleted file mode 100644 index a6a47e052..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_19.png deleted file mode 100644 index d1154a6dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_20.png deleted file mode 100644 index d9d2c9e2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character22/0415_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_01.png deleted file mode 100644 index 6a40707a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_02.png deleted file mode 100644 index 666834498..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_03.png deleted file mode 100644 index f8ac8f05c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_04.png deleted file mode 100644 index 0c9f6ab5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_05.png deleted file mode 100644 index ac0a387be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_06.png deleted file mode 100644 index f01ebeda6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_07.png deleted file mode 100644 index d98269610..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_08.png deleted file mode 100644 index 4fc300841..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_09.png deleted file mode 100644 index 2641b503a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_10.png deleted file mode 100644 index 40c37fc70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_11.png deleted file mode 100644 index 65bcb85e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_12.png deleted file mode 100644 index 03de52272..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_13.png deleted file mode 100644 index b134cef5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_14.png deleted file mode 100644 index 4344f7938..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_15.png deleted file mode 100644 index bf6a09d19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_16.png deleted file mode 100644 index e40b5f623..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_17.png deleted file mode 100644 index c49d7064a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_18.png deleted file mode 100644 index 1cdf67c48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_19.png deleted file mode 100644 index b64d01860..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_20.png deleted file mode 100644 index 34ec587dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character23/0416_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_01.png deleted file mode 100644 index bb34c6e15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_02.png deleted file mode 100644 index be7fc2816..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_03.png deleted file mode 100644 index 3936d9ceb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_04.png deleted file mode 100644 index 2f41bf630..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_05.png deleted file mode 100644 index aba38f6f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_06.png deleted file mode 100644 index 58b150318..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_07.png deleted file mode 100644 index 98340e60e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_08.png deleted file mode 100644 index d541577b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_09.png deleted file mode 100644 index e27cd1088..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_10.png deleted file mode 100644 index 869a06e13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_11.png deleted file mode 100644 index 2dfba0fd2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_12.png deleted file mode 100644 index dd9934095..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_13.png deleted file mode 100644 index ca9f59e47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_14.png deleted file mode 100644 index dde543783..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_15.png deleted file mode 100644 index 3e8fc59a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_16.png deleted file mode 100644 index 8a7ed33f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_17.png deleted file mode 100644 index e9ea62039..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_18.png deleted file mode 100644 index 4fee33ff0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_19.png deleted file mode 100644 index 0826e9b70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_20.png deleted file mode 100644 index 7b4ea7365..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Greek/character24/0417_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_01.png deleted file mode 100644 index 5379732fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_02.png deleted file mode 100644 index 77905afb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_03.png deleted file mode 100644 index f58304b4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_04.png deleted file mode 100644 index a2f548088..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_05.png deleted file mode 100644 index ca420fde5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_06.png deleted file mode 100644 index 7b5a4ef0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_07.png deleted file mode 100644 index a7820ba41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_08.png deleted file mode 100644 index 9fad70751..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_09.png deleted file mode 100644 index 6e7422dac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_10.png deleted file mode 100644 index 680749841..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_11.png deleted file mode 100644 index 8927f8df5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_12.png deleted file mode 100644 index 394ca3caa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_13.png deleted file mode 100644 index bf29dff03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_14.png deleted file mode 100644 index db0cf0cb0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_15.png deleted file mode 100644 index 532baf489..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_16.png deleted file mode 100644 index 0e9040cfd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_17.png deleted file mode 100644 index e2164d51a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_18.png deleted file mode 100644 index 71b60a272..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_19.png deleted file mode 100644 index cb1ccb013..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_20.png deleted file mode 100644 index 12d0316f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character01/0418_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_01.png deleted file mode 100644 index 9ca966d43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_02.png deleted file mode 100644 index fd7e79be8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_03.png deleted file mode 100644 index 3c0c877e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_04.png deleted file mode 100644 index 0c5492541..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_05.png deleted file mode 100644 index 645c186dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_06.png deleted file mode 100644 index e06293ae2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_07.png deleted file mode 100644 index b5a4a1223..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_08.png deleted file mode 100644 index aa8b31e6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_09.png deleted file mode 100644 index 39c2849b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_10.png deleted file mode 100644 index fe4ac9e4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_11.png deleted file mode 100644 index b650ef0b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_12.png deleted file mode 100644 index 840a94f5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_13.png deleted file mode 100644 index bba358a23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_14.png deleted file mode 100644 index 755ecab81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_15.png deleted file mode 100644 index 0ed3a2b69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_16.png deleted file mode 100644 index 04c57e401..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_17.png deleted file mode 100644 index 0073272c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_18.png deleted file mode 100644 index 20a13f25d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_19.png deleted file mode 100644 index f9f521f9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_20.png deleted file mode 100644 index df9a4356a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character02/0419_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_01.png deleted file mode 100644 index 4da7f7962..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_02.png deleted file mode 100644 index ebc8831da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_03.png deleted file mode 100644 index 035c2b8b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_04.png deleted file mode 100644 index dfb19f625..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_05.png deleted file mode 100644 index aabfc99ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_06.png deleted file mode 100644 index a13176fac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_07.png deleted file mode 100644 index 7bec42319..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_08.png deleted file mode 100644 index 63225faa1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_09.png deleted file mode 100644 index 6b09c9299..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_10.png deleted file mode 100644 index 9870cd21d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_11.png deleted file mode 100644 index b9e98c6f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_12.png deleted file mode 100644 index 78b9268e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_13.png deleted file mode 100644 index 4b3ea967b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_14.png deleted file mode 100644 index 4ddda58f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_15.png deleted file mode 100644 index 294dc094a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_16.png deleted file mode 100644 index 90cb08ca3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_17.png deleted file mode 100644 index c107fdaf5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_18.png deleted file mode 100644 index 32560692e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_19.png deleted file mode 100644 index b01f62343..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_20.png deleted file mode 100644 index ab0ec348f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character03/0420_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_01.png deleted file mode 100644 index 8d647bf94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_02.png deleted file mode 100644 index 388909197..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_03.png deleted file mode 100644 index d27eaaa29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_04.png deleted file mode 100644 index 4329061ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_05.png deleted file mode 100644 index 5aba926de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_06.png deleted file mode 100644 index 67a203d6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_07.png deleted file mode 100644 index 7cbccadeb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_08.png deleted file mode 100644 index 4eb99c8d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_09.png deleted file mode 100644 index 16b9f0242..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_10.png deleted file mode 100644 index 23dc2550c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_11.png deleted file mode 100644 index ac5e398c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_12.png deleted file mode 100644 index eafb669a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_13.png deleted file mode 100644 index e7b3bea7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_14.png deleted file mode 100644 index bdeea3fb1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_15.png deleted file mode 100644 index 6f3f55a14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_16.png deleted file mode 100644 index 03d1a2b7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_17.png deleted file mode 100644 index 9b9bc0e55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_18.png deleted file mode 100644 index 348d7bf6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_19.png deleted file mode 100644 index 233aa6c5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_20.png deleted file mode 100644 index e7dd5e56c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character04/0421_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_01.png deleted file mode 100644 index f95d80e17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_02.png deleted file mode 100644 index 575d5e534..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_03.png deleted file mode 100644 index 7d3f6afb7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_04.png deleted file mode 100644 index 13724d2eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_05.png deleted file mode 100644 index db5315a61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_06.png deleted file mode 100644 index 90459213e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_07.png deleted file mode 100644 index 3e1be5f0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_08.png deleted file mode 100644 index 98dff9098..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_09.png deleted file mode 100644 index f81ca6535..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_10.png deleted file mode 100644 index 2fdefc291..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_11.png deleted file mode 100644 index 0e4e5a5b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_12.png deleted file mode 100644 index 833d93fd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_13.png deleted file mode 100644 index a7bd40a25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_14.png deleted file mode 100644 index 8cbcb5176..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_15.png deleted file mode 100644 index 00c4c5a05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_16.png deleted file mode 100644 index a2d18bfea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_17.png deleted file mode 100644 index 4e664c867..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_18.png deleted file mode 100644 index c371c4264..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_19.png deleted file mode 100644 index 17beba825..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_20.png deleted file mode 100644 index 3c931feb5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character05/0422_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_01.png deleted file mode 100644 index a0ff0db31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_02.png deleted file mode 100644 index b4a490ddc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_03.png deleted file mode 100644 index 34743fba0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_04.png deleted file mode 100644 index aa321df20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_05.png deleted file mode 100644 index bde2c8350..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_06.png deleted file mode 100644 index d0eee9772..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_07.png deleted file mode 100644 index 4c284caa8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_08.png deleted file mode 100644 index 4323f2724..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_09.png deleted file mode 100644 index 24a0bd2fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_10.png deleted file mode 100644 index fae222841..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_11.png deleted file mode 100644 index 6e11dbb58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_12.png deleted file mode 100644 index 80a4f25e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_13.png deleted file mode 100644 index 3f1b65445..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_14.png deleted file mode 100644 index 8135e72bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_15.png deleted file mode 100644 index 470a7bdc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_16.png deleted file mode 100644 index f16690831..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_17.png deleted file mode 100644 index e7fb995c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_18.png deleted file mode 100644 index db74246c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_19.png deleted file mode 100644 index 66986fc46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_20.png deleted file mode 100644 index 3bc00985f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character06/0423_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_01.png deleted file mode 100644 index 95cf9a361..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_02.png deleted file mode 100644 index a7c386cd2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_03.png deleted file mode 100644 index 88a1e1aea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_04.png deleted file mode 100644 index e8f404fcf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_05.png deleted file mode 100644 index bb58b5688..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_06.png deleted file mode 100644 index 1949b9ca4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_07.png deleted file mode 100644 index 86555de50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_08.png deleted file mode 100644 index 4c176d598..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_09.png deleted file mode 100644 index 3518832d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_10.png deleted file mode 100644 index 92330c15e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_11.png deleted file mode 100644 index 7363eb844..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_12.png deleted file mode 100644 index b7a78c6eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_13.png deleted file mode 100644 index 6e8d7b44f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_14.png deleted file mode 100644 index 37ebca021..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_15.png deleted file mode 100644 index e141b9f59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_16.png deleted file mode 100644 index 3c0535a91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_17.png deleted file mode 100644 index 8d4c3d44d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_18.png deleted file mode 100644 index cae5a5842..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_19.png deleted file mode 100644 index b1bbf6ef8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_20.png deleted file mode 100644 index cf44b96a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character07/0424_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_01.png deleted file mode 100644 index ea5aa87d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_02.png deleted file mode 100644 index cce744b40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_03.png deleted file mode 100644 index 08c6b8259..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_04.png deleted file mode 100644 index 14c99b26a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_05.png deleted file mode 100644 index 04bfbb739..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_06.png deleted file mode 100644 index 2c69494c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_07.png deleted file mode 100644 index 0b1fa362a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_08.png deleted file mode 100644 index 74f522f84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_09.png deleted file mode 100644 index 739731e61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_10.png deleted file mode 100644 index 44d7916c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_11.png deleted file mode 100644 index 27ca650b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_12.png deleted file mode 100644 index 70877209a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_13.png deleted file mode 100644 index e6a04fff4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_14.png deleted file mode 100644 index c1ede9458..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_15.png deleted file mode 100644 index d8491fcd4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_16.png deleted file mode 100644 index c07bfb9fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_17.png deleted file mode 100644 index d49ce4e44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_18.png deleted file mode 100644 index 19e7fdd49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_19.png deleted file mode 100644 index bc42242b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_20.png deleted file mode 100644 index 0f4920126..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character08/0425_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_01.png deleted file mode 100644 index e8a600590..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_02.png deleted file mode 100644 index c37550a3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_03.png deleted file mode 100644 index e2e878bc2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_04.png deleted file mode 100644 index 7d3d865ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_05.png deleted file mode 100644 index 74377b138..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_06.png deleted file mode 100644 index bb0da5aa9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_07.png deleted file mode 100644 index f6b964bc4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_08.png deleted file mode 100644 index 3e11f0e4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_09.png deleted file mode 100644 index ea42a5ba9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_10.png deleted file mode 100644 index 5fac272be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_11.png deleted file mode 100644 index e0172baf6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_12.png deleted file mode 100644 index f2666c772..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_13.png deleted file mode 100644 index 2b5f81fac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_14.png deleted file mode 100644 index 35ec368f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_15.png deleted file mode 100644 index affbaaf41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_16.png deleted file mode 100644 index d40fffd0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_17.png deleted file mode 100644 index d585291a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_18.png deleted file mode 100644 index be032b832..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_19.png deleted file mode 100644 index dc42a3ffe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_20.png deleted file mode 100644 index f0eb27dc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character09/0426_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_01.png deleted file mode 100644 index 7dea92cf5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_02.png deleted file mode 100644 index b2a49f4a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_03.png deleted file mode 100644 index 839eb9765..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_04.png deleted file mode 100644 index bdbd4904b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_05.png deleted file mode 100644 index fe2db50b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_06.png deleted file mode 100644 index d2ef7d8f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_07.png deleted file mode 100644 index 9847f1873..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_08.png deleted file mode 100644 index c25e054e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_09.png deleted file mode 100644 index 5c71cd37c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_10.png deleted file mode 100644 index 0a05a6625..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_11.png deleted file mode 100644 index 442e67e99..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_12.png deleted file mode 100644 index 64876c06c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_13.png deleted file mode 100644 index 3e010d62e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_14.png deleted file mode 100644 index 14220d694..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_15.png deleted file mode 100644 index a6f5fd0ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_16.png deleted file mode 100644 index 2392e59b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_17.png deleted file mode 100644 index 3e2362d19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_18.png deleted file mode 100644 index 84afc7a08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_19.png deleted file mode 100644 index 65891f178..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_20.png deleted file mode 100644 index d3075cde0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character10/0427_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_01.png deleted file mode 100644 index 595e2b973..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_02.png deleted file mode 100644 index 6f2f6b51d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_03.png deleted file mode 100644 index a934099dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_04.png deleted file mode 100644 index ea1a56bca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_05.png deleted file mode 100644 index e9b13fc0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_06.png deleted file mode 100644 index 98396c027..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_07.png deleted file mode 100644 index 71723ab8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_08.png deleted file mode 100644 index daa3f1432..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_09.png deleted file mode 100644 index e125bff41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_10.png deleted file mode 100644 index 9aaeb62dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_11.png deleted file mode 100644 index ea4500c51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_12.png deleted file mode 100644 index bd5be8e2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_13.png deleted file mode 100644 index 7829c6108..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_14.png deleted file mode 100644 index f73bbaf6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_15.png deleted file mode 100644 index 172c77cc4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_16.png deleted file mode 100644 index b9d10cfb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_17.png deleted file mode 100644 index ba60d6e24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_18.png deleted file mode 100644 index a784e6734..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_19.png deleted file mode 100644 index 21a31b500..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_20.png deleted file mode 100644 index 95e66bb80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character11/0428_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_01.png deleted file mode 100644 index 5a4c51b94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_02.png deleted file mode 100644 index 5373f81e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_03.png deleted file mode 100644 index b5aad6e2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_04.png deleted file mode 100644 index 9f57e5f0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_05.png deleted file mode 100644 index 5b057a27f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_06.png deleted file mode 100644 index 199c88804..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_07.png deleted file mode 100644 index d705b73e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_08.png deleted file mode 100644 index a89e56117..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_09.png deleted file mode 100644 index 1c1216cbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_10.png deleted file mode 100644 index d4e4b0237..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_11.png deleted file mode 100644 index 2031abdaa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_12.png deleted file mode 100644 index e296e6085..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_13.png deleted file mode 100644 index 9793b0d8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_14.png deleted file mode 100644 index 9e8979c2e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_15.png deleted file mode 100644 index 624ac033f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_16.png deleted file mode 100644 index 6202a1fb7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_17.png deleted file mode 100644 index cbd785ff1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_18.png deleted file mode 100644 index 8813163e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_19.png deleted file mode 100644 index c83ef9d4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_20.png deleted file mode 100644 index 945bc2412..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character12/0429_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_01.png deleted file mode 100644 index f6e950502..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_02.png deleted file mode 100644 index 93965af7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_03.png deleted file mode 100644 index 027cbeb8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_04.png deleted file mode 100644 index d0cea6416..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_05.png deleted file mode 100644 index 12b07110e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_06.png deleted file mode 100644 index aeaff37f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_07.png deleted file mode 100644 index 19e556b25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_08.png deleted file mode 100644 index f4fbf1456..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_09.png deleted file mode 100644 index 9a6ddd5ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_10.png deleted file mode 100644 index a24ea6766..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_11.png deleted file mode 100644 index 250a1be23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_12.png deleted file mode 100644 index be600abf9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_13.png deleted file mode 100644 index e6326ba5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_14.png deleted file mode 100644 index 17c4cba39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_15.png deleted file mode 100644 index ec09d967e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_16.png deleted file mode 100644 index 08baf9a1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_17.png deleted file mode 100644 index dac6e0710..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_18.png deleted file mode 100644 index 9ab6bd0e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_19.png deleted file mode 100644 index b01f1c7b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_20.png deleted file mode 100644 index f670ade69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character13/0430_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_01.png deleted file mode 100644 index d07c526af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_02.png deleted file mode 100644 index 89a4c57a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_03.png deleted file mode 100644 index 68fdebeda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_04.png deleted file mode 100644 index 213f71731..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_05.png deleted file mode 100644 index ec9f77f1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_06.png deleted file mode 100644 index 9d1ab9bb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_07.png deleted file mode 100644 index c3c0792ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_08.png deleted file mode 100644 index 2af3e9cf4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_09.png deleted file mode 100644 index 6190f8631..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_10.png deleted file mode 100644 index 4218ed6b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_11.png deleted file mode 100644 index 978f4aa32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_12.png deleted file mode 100644 index ce90efbbe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_13.png deleted file mode 100644 index cfb59d71b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_14.png deleted file mode 100644 index 6134f77a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_15.png deleted file mode 100644 index 93d85ebf0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_16.png deleted file mode 100644 index 110a95a8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_17.png deleted file mode 100644 index 4e03ddc88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_18.png deleted file mode 100644 index 56705577a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_19.png deleted file mode 100644 index 8a5683cec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_20.png deleted file mode 100644 index 8a0c0eb19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character14/0431_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_01.png deleted file mode 100644 index b5dd0f6aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_02.png deleted file mode 100644 index 82d612f42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_03.png deleted file mode 100644 index 1cf6b817d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_04.png deleted file mode 100644 index 11c43303c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_05.png deleted file mode 100644 index 9e627d790..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_06.png deleted file mode 100644 index 97bbff1f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_07.png deleted file mode 100644 index 7f06bbbfa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_08.png deleted file mode 100644 index f0072bbc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_09.png deleted file mode 100644 index 442e4b227..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_10.png deleted file mode 100644 index 7eed12d3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_11.png deleted file mode 100644 index 19b59e148..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_12.png deleted file mode 100644 index eda62639a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_13.png deleted file mode 100644 index a39deb40a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_14.png deleted file mode 100644 index 04dc768ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_15.png deleted file mode 100644 index aede45f38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_16.png deleted file mode 100644 index 47a13eadb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_17.png deleted file mode 100644 index 9aeafe6e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_18.png deleted file mode 100644 index 9132ffd71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_19.png deleted file mode 100644 index 2866a4c65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_20.png deleted file mode 100644 index f73a2d000..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character15/0432_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_01.png deleted file mode 100644 index 9586b974c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_02.png deleted file mode 100644 index 477682ee4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_03.png deleted file mode 100644 index b98a99bb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_04.png deleted file mode 100644 index 99c8a4d22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_05.png deleted file mode 100644 index 230d8285b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_06.png deleted file mode 100644 index 2eac7f4de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_07.png deleted file mode 100644 index 88468350b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_08.png deleted file mode 100644 index 47d830825..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_09.png deleted file mode 100644 index 9f89e3eca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_10.png deleted file mode 100644 index 05297c478..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_11.png deleted file mode 100644 index f565870ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_12.png deleted file mode 100644 index e9cffaf38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_13.png deleted file mode 100644 index 77329e56c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_14.png deleted file mode 100644 index 753f5c68a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_15.png deleted file mode 100644 index e855c63af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_16.png deleted file mode 100644 index dbe74e3c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_17.png deleted file mode 100644 index cfa02f49b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_18.png deleted file mode 100644 index 68e1b2161..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_19.png deleted file mode 100644 index c23d3a6c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_20.png deleted file mode 100644 index 68eca529e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character16/0433_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_01.png deleted file mode 100644 index 24e228dd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_02.png deleted file mode 100644 index 8fc576469..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_03.png deleted file mode 100644 index 0a580af74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_04.png deleted file mode 100644 index f63bdbe30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_05.png deleted file mode 100644 index 16c4c9dff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_06.png deleted file mode 100644 index 20a067bd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_07.png deleted file mode 100644 index de1ea1ce1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_08.png deleted file mode 100644 index e993d12f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_09.png deleted file mode 100644 index 816a5ab65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_10.png deleted file mode 100644 index b3b70ede7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_11.png deleted file mode 100644 index 0e738c419..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_12.png deleted file mode 100644 index 8ffd0fcf9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_13.png deleted file mode 100644 index e287bc7ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_14.png deleted file mode 100644 index 558e2c41d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_15.png deleted file mode 100644 index a00f21018..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_16.png deleted file mode 100644 index ce3774bef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_17.png deleted file mode 100644 index cfdcd80c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_18.png deleted file mode 100644 index 9071429fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_19.png deleted file mode 100644 index 73d1131ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_20.png deleted file mode 100644 index 1f1f851f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character17/0434_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_01.png deleted file mode 100644 index 378843996..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_02.png deleted file mode 100644 index 4cd51eca0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_03.png deleted file mode 100644 index c166cec23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_04.png deleted file mode 100644 index edf3db6d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_05.png deleted file mode 100644 index 08aab030b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_06.png deleted file mode 100644 index 27b1bed87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_07.png deleted file mode 100644 index 7b31cc714..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_08.png deleted file mode 100644 index 36d9ec2fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_09.png deleted file mode 100644 index b28f21131..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_10.png deleted file mode 100644 index 0b11e58ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_11.png deleted file mode 100644 index a5015700e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_12.png deleted file mode 100644 index 541c0a94c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_13.png deleted file mode 100644 index 8ff133688..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_14.png deleted file mode 100644 index 2cb6844c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_15.png deleted file mode 100644 index 2b3cd1694..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_16.png deleted file mode 100644 index 866588ff3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_17.png deleted file mode 100644 index 4f3c1aa2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_18.png deleted file mode 100644 index 15172bd1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_19.png deleted file mode 100644 index cde219911..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_20.png deleted file mode 100644 index dafdbf45e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character18/0435_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_01.png deleted file mode 100644 index e2eb28f72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_02.png deleted file mode 100644 index c67c7473e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_03.png deleted file mode 100644 index 495e54309..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_04.png deleted file mode 100644 index 1749e6ef4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_05.png deleted file mode 100644 index 06b015807..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_06.png deleted file mode 100644 index 0db91f397..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_07.png deleted file mode 100644 index 5f89f41ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_08.png deleted file mode 100644 index e25eee438..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_09.png deleted file mode 100644 index 62369cdd7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_10.png deleted file mode 100644 index b58a05a23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_11.png deleted file mode 100644 index b0061a807..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_12.png deleted file mode 100644 index e06b49976..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_13.png deleted file mode 100644 index 01327a333..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_14.png deleted file mode 100644 index 333c88f6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_15.png deleted file mode 100644 index 071755b3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_16.png deleted file mode 100644 index 84b069edd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_17.png deleted file mode 100644 index 6222f7145..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_18.png deleted file mode 100644 index df4343dd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_19.png deleted file mode 100644 index c0f02cea5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_20.png deleted file mode 100644 index a4f0f0c49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character19/0436_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_01.png deleted file mode 100644 index 32aecf37d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_02.png deleted file mode 100644 index ac9177df4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_03.png deleted file mode 100644 index 8031b72d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_04.png deleted file mode 100644 index a9a503682..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_05.png deleted file mode 100644 index 6238c3d27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_06.png deleted file mode 100644 index 7da2bfbaa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_07.png deleted file mode 100644 index 2c31df34f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_08.png deleted file mode 100644 index 1c7c75832..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_09.png deleted file mode 100644 index 7317ecd93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_10.png deleted file mode 100644 index c489cb1de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_11.png deleted file mode 100644 index 77bf1f3e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_12.png deleted file mode 100644 index ba29dfd1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_13.png deleted file mode 100644 index f60aa727b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_14.png deleted file mode 100644 index b2154ba05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_15.png deleted file mode 100644 index fd19d74cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_16.png deleted file mode 100644 index dd06ae2c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_17.png deleted file mode 100644 index f8360c3bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_18.png deleted file mode 100644 index df07f1567..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_19.png deleted file mode 100644 index 471ceacaa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_20.png deleted file mode 100644 index 821e7ba61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character20/0437_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_01.png deleted file mode 100644 index 615c8579f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_02.png deleted file mode 100644 index 2f777ffc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_03.png deleted file mode 100644 index d6b81332d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_04.png deleted file mode 100644 index 014cb3f2e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_05.png deleted file mode 100644 index b879adac8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_06.png deleted file mode 100644 index fed4fcecb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_07.png deleted file mode 100644 index 34da4d94e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_08.png deleted file mode 100644 index 186557a41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_09.png deleted file mode 100644 index f08c159a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_10.png deleted file mode 100644 index 2c7d7dbab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_11.png deleted file mode 100644 index 5410720fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_12.png deleted file mode 100644 index 9259d299e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_13.png deleted file mode 100644 index 83e32f70f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_14.png deleted file mode 100644 index ee73a8300..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_15.png deleted file mode 100644 index eb5ac6797..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_16.png deleted file mode 100644 index e1dbbfdfe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_17.png deleted file mode 100644 index b1fb987bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_18.png deleted file mode 100644 index 4f233da3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_19.png deleted file mode 100644 index c80028edf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_20.png deleted file mode 100644 index f73e1533e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character21/0438_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_01.png deleted file mode 100644 index 1d4529365..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_02.png deleted file mode 100644 index 71d082cd6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_03.png deleted file mode 100644 index 2319088fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_04.png deleted file mode 100644 index cd369b40e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_05.png deleted file mode 100644 index 25455da5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_06.png deleted file mode 100644 index 50e955004..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_07.png deleted file mode 100644 index abdb7b04c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_08.png deleted file mode 100644 index 80aebf7b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_09.png deleted file mode 100644 index 233efd25d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_10.png deleted file mode 100644 index 957dd8682..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_11.png deleted file mode 100644 index 2db92766c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_12.png deleted file mode 100644 index 3f231a07b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_13.png deleted file mode 100644 index 72d3b10a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_14.png deleted file mode 100644 index 3f387c255..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_15.png deleted file mode 100644 index f33749d85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_16.png deleted file mode 100644 index 823bdaf71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_17.png deleted file mode 100644 index d8f1d8591..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_18.png deleted file mode 100644 index 8b4a14143..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_19.png deleted file mode 100644 index 6cb550a4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_20.png deleted file mode 100644 index 4925f20af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character22/0439_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_01.png deleted file mode 100644 index 65f80cf54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_02.png deleted file mode 100644 index 9a1d37be3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_03.png deleted file mode 100644 index 414e472e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_04.png deleted file mode 100644 index 61cd7ce13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_05.png deleted file mode 100644 index 1c881c71a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_06.png deleted file mode 100644 index 465cf9c76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_07.png deleted file mode 100644 index 65f8b908c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_08.png deleted file mode 100644 index e301f0074..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_09.png deleted file mode 100644 index 86b6ba648..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_10.png deleted file mode 100644 index a6b2ad3d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_11.png deleted file mode 100644 index 5aad664d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_12.png deleted file mode 100644 index 11fdd0f34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_13.png deleted file mode 100644 index 576ea056f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_14.png deleted file mode 100644 index a94d981c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_15.png deleted file mode 100644 index c06c9d196..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_16.png deleted file mode 100644 index be87df605..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_17.png deleted file mode 100644 index c7792ffc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_18.png deleted file mode 100644 index 736c1e3cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_19.png deleted file mode 100644 index 428f4d670..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_20.png deleted file mode 100644 index 54ced15a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character23/0440_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_01.png deleted file mode 100644 index 6b05d0cad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_02.png deleted file mode 100644 index dc897da03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_03.png deleted file mode 100644 index 3d0f973e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_04.png deleted file mode 100644 index 0297f4461..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_05.png deleted file mode 100644 index 78ca81c24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_06.png deleted file mode 100644 index ecbd3d568..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_07.png deleted file mode 100644 index 0cbb07383..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_08.png deleted file mode 100644 index 5cd460d1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_09.png deleted file mode 100644 index b66dce204..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_10.png deleted file mode 100644 index c4c51043b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_11.png deleted file mode 100644 index 1f2eb929d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_12.png deleted file mode 100644 index c80bf687c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_13.png deleted file mode 100644 index bf3daa4d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_14.png deleted file mode 100644 index 3bc2c585e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_15.png deleted file mode 100644 index e11ea6a81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_16.png deleted file mode 100644 index 1bb494a66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_17.png deleted file mode 100644 index 9b3b66a86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_18.png deleted file mode 100644 index 80f179ee5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_19.png deleted file mode 100644 index 10c0164c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_20.png deleted file mode 100644 index 3679a8671..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character24/0441_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_01.png deleted file mode 100644 index e706666e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_02.png deleted file mode 100644 index 04a3fc59f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_03.png deleted file mode 100644 index 362ada832..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_04.png deleted file mode 100644 index 20b86ad5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_05.png deleted file mode 100644 index 27203c614..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_06.png deleted file mode 100644 index df5eb128c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_07.png deleted file mode 100644 index f9a864107..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_08.png deleted file mode 100644 index 9b95ff2ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_09.png deleted file mode 100644 index ba364bb4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_10.png deleted file mode 100644 index c9c4850ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_11.png deleted file mode 100644 index 212a66f15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_12.png deleted file mode 100644 index 09106b9ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_13.png deleted file mode 100644 index 3d04cbf71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_14.png deleted file mode 100644 index f8d360c4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_15.png deleted file mode 100644 index 37c6bcf5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_16.png deleted file mode 100644 index 2df5bb743..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_17.png deleted file mode 100644 index 0fdca1dfb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_18.png deleted file mode 100644 index a985cdb96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_19.png deleted file mode 100644 index 2e52fb6c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_20.png deleted file mode 100644 index 39776d778..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character25/0442_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_01.png deleted file mode 100644 index 4ab3d9434..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_02.png deleted file mode 100644 index 81974dab5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_03.png deleted file mode 100644 index 75dba9a44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_04.png deleted file mode 100644 index 40ad01766..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_05.png deleted file mode 100644 index aba09a3a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_06.png deleted file mode 100644 index 9b8fd2368..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_07.png deleted file mode 100644 index ad769f8da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_08.png deleted file mode 100644 index adb87c6f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_09.png deleted file mode 100644 index 414a859d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_10.png deleted file mode 100644 index bf5399af1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_11.png deleted file mode 100644 index 0c5ffe5fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_12.png deleted file mode 100644 index b6d57fdaa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_13.png deleted file mode 100644 index b24ef9f39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_14.png deleted file mode 100644 index f7a8d8461..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_15.png deleted file mode 100644 index a0927b7a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_16.png deleted file mode 100644 index 61761e168..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_17.png deleted file mode 100644 index e9155ae6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_18.png deleted file mode 100644 index 434dea4f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_19.png deleted file mode 100644 index 2dabcb520..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_20.png deleted file mode 100644 index d78d82cf3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character26/0443_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_01.png deleted file mode 100644 index 960474fb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_02.png deleted file mode 100644 index 358e0516b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_03.png deleted file mode 100644 index e192ac68c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_04.png deleted file mode 100644 index 4ba7c3ad6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_05.png deleted file mode 100644 index 0562bc923..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_06.png deleted file mode 100644 index 175749b0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_07.png deleted file mode 100644 index 6e6c6debe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_08.png deleted file mode 100644 index c6b7b4149..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_09.png deleted file mode 100644 index 082a1bdaf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_10.png deleted file mode 100644 index 6657be5af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_11.png deleted file mode 100644 index a6c754a0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_12.png deleted file mode 100644 index a71e26b37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_13.png deleted file mode 100644 index c76b4bf06..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_14.png deleted file mode 100644 index 7d3d5f217..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_15.png deleted file mode 100644 index 106b3d7cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_16.png deleted file mode 100644 index 1aac936a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_17.png deleted file mode 100644 index 14512aac9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_18.png deleted file mode 100644 index 682963423..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_19.png deleted file mode 100644 index bd1a5a0da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_20.png deleted file mode 100644 index 63d0f330e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character27/0444_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_01.png deleted file mode 100644 index 0fb710762..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_02.png deleted file mode 100644 index fd1196746..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_03.png deleted file mode 100644 index 043d3c282..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_04.png deleted file mode 100644 index ec3da92d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_05.png deleted file mode 100644 index 658bccec5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_06.png deleted file mode 100644 index 6899c6df8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_07.png deleted file mode 100644 index f1e264e18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_08.png deleted file mode 100644 index 3319054d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_09.png deleted file mode 100644 index 2c648d786..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_10.png deleted file mode 100644 index 6acb1f8e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_11.png deleted file mode 100644 index b3157ddf6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_12.png deleted file mode 100644 index 48b5ff4e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_13.png deleted file mode 100644 index 1584c04f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_14.png deleted file mode 100644 index 38b786efd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_15.png deleted file mode 100644 index 6822946a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_16.png deleted file mode 100644 index 427c49939..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_17.png deleted file mode 100644 index b567dd751..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_18.png deleted file mode 100644 index b3bd3c4d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_19.png deleted file mode 100644 index 4775fbed6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_20.png deleted file mode 100644 index 38cfc6909..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character28/0445_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_01.png deleted file mode 100644 index 715f93932..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_02.png deleted file mode 100644 index 893e0be05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_03.png deleted file mode 100644 index 6375d8b7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_04.png deleted file mode 100644 index 7beed4880..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_05.png deleted file mode 100644 index d1db535da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_06.png deleted file mode 100644 index 1797679d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_07.png deleted file mode 100644 index 99e5b68d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_08.png deleted file mode 100644 index 5a629bd07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_09.png deleted file mode 100644 index cb14f43c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_10.png deleted file mode 100644 index 2f609e34b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_11.png deleted file mode 100644 index 594e584be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_12.png deleted file mode 100644 index 86ad72f74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_13.png deleted file mode 100644 index b2d935db9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_14.png deleted file mode 100644 index 578bbae08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_15.png deleted file mode 100644 index 6afed9d3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_16.png deleted file mode 100644 index 495c9b5ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_17.png deleted file mode 100644 index 2747f9fa9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_18.png deleted file mode 100644 index f6f78f3e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_19.png deleted file mode 100644 index cf820d868..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_20.png deleted file mode 100644 index 828d0ca01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character29/0446_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_01.png deleted file mode 100644 index 16691c1fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_02.png deleted file mode 100644 index 776686426..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_03.png deleted file mode 100644 index 821c00df1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_04.png deleted file mode 100644 index 8cb15783e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_05.png deleted file mode 100644 index 757341438..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_06.png deleted file mode 100644 index a566f7555..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_07.png deleted file mode 100644 index c8925fdc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_08.png deleted file mode 100644 index 64082bae5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_09.png deleted file mode 100644 index aa86c4a1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_10.png deleted file mode 100644 index 251efc83b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_11.png deleted file mode 100644 index bc82999a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_12.png deleted file mode 100644 index f7f807508..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_13.png deleted file mode 100644 index 61b71843d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_14.png deleted file mode 100644 index 202108a07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_15.png deleted file mode 100644 index 2515145c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_16.png deleted file mode 100644 index 724ab4f2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_17.png deleted file mode 100644 index ab77fb75a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_18.png deleted file mode 100644 index e68417e18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_19.png deleted file mode 100644 index 375f7a5a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_20.png deleted file mode 100644 index e1a8fd272..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character30/0447_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_01.png deleted file mode 100644 index 6c0ae4204..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_02.png deleted file mode 100644 index 61cec8898..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_03.png deleted file mode 100644 index dbb67223c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_04.png deleted file mode 100644 index d74887944..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_05.png deleted file mode 100644 index 29aa98ca5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_06.png deleted file mode 100644 index a9cd8d979..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_07.png deleted file mode 100644 index 9560402cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_08.png deleted file mode 100644 index 4c9413802..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_09.png deleted file mode 100644 index 45ed9b85b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_10.png deleted file mode 100644 index ce9a05f5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_11.png deleted file mode 100644 index 9edb7d72d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_12.png deleted file mode 100644 index cb7bde3d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_13.png deleted file mode 100644 index 1ebab4c20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_14.png deleted file mode 100644 index a94880c85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_15.png deleted file mode 100644 index d60c19dc8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_16.png deleted file mode 100644 index f1466acd2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_17.png deleted file mode 100644 index e3550b780..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_18.png deleted file mode 100644 index 05e945be3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_19.png deleted file mode 100644 index 12f7b85fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_20.png deleted file mode 100644 index ac03d3efd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character31/0448_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_01.png deleted file mode 100644 index 81aadc541..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_02.png deleted file mode 100644 index cdc058582..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_03.png deleted file mode 100644 index 9107de82a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_04.png deleted file mode 100644 index 5bc7301e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_05.png deleted file mode 100644 index e5db9513a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_06.png deleted file mode 100644 index 655349e2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_07.png deleted file mode 100644 index 5b4e86c58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_08.png deleted file mode 100644 index 43de4d9fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_09.png deleted file mode 100644 index 928bb4cae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_10.png deleted file mode 100644 index 94d818de6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_11.png deleted file mode 100644 index bda18713c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_12.png deleted file mode 100644 index 15a678048..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_13.png deleted file mode 100644 index 1e2167af4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_14.png deleted file mode 100644 index e584909e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_15.png deleted file mode 100644 index 3f489f204..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_16.png deleted file mode 100644 index f698207cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_17.png deleted file mode 100644 index b4c1b44b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_18.png deleted file mode 100644 index bb4b31437..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_19.png deleted file mode 100644 index 3f2566dd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_20.png deleted file mode 100644 index bc73ae7c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character32/0449_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_01.png deleted file mode 100644 index 8086a7987..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_02.png deleted file mode 100644 index c6c000732..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_03.png deleted file mode 100644 index 041d6ae94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_04.png deleted file mode 100644 index 8c87f2d0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_05.png deleted file mode 100644 index d6398b039..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_06.png deleted file mode 100644 index 1b718d6ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_07.png deleted file mode 100644 index 6dbf4fd93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_08.png deleted file mode 100644 index 2102b7158..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_09.png deleted file mode 100644 index 3b322ec0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_10.png deleted file mode 100644 index 472ada438..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_11.png deleted file mode 100644 index d6e09dbf7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_12.png deleted file mode 100644 index 5f18a323e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_13.png deleted file mode 100644 index c58492f03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_14.png deleted file mode 100644 index 61eac135e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_15.png deleted file mode 100644 index 85b83faf3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_16.png deleted file mode 100644 index be0e98698..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_17.png deleted file mode 100644 index b10d8559d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_18.png deleted file mode 100644 index f116db576..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_19.png deleted file mode 100644 index c7ca285e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_20.png deleted file mode 100644 index 470150034..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character33/0450_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_01.png deleted file mode 100644 index 940233d3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_02.png deleted file mode 100644 index 75d838b26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_03.png deleted file mode 100644 index c3b4d6e0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_04.png deleted file mode 100644 index 828bbbe8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_05.png deleted file mode 100644 index 126820cf5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_06.png deleted file mode 100644 index 644663453..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_07.png deleted file mode 100644 index 93608211d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_08.png deleted file mode 100644 index 3ded2744d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_09.png deleted file mode 100644 index 15a56ec60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_10.png deleted file mode 100644 index 2f54ba477..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_11.png deleted file mode 100644 index cae0e63bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_12.png deleted file mode 100644 index 34b15c107..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_13.png deleted file mode 100644 index 5402aed2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_14.png deleted file mode 100644 index b37f62555..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_15.png deleted file mode 100644 index c5612c1f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_16.png deleted file mode 100644 index ec897edd7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_17.png deleted file mode 100644 index ac5135f86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_18.png deleted file mode 100644 index aef509351..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_19.png deleted file mode 100644 index 4556936ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_20.png deleted file mode 100644 index c2ab177d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character34/0451_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_01.png deleted file mode 100644 index 374e424dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_02.png deleted file mode 100644 index bb313afab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_03.png deleted file mode 100644 index 54c59d5e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_04.png deleted file mode 100644 index 4e2abfd8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_05.png deleted file mode 100644 index 0dff635e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_06.png deleted file mode 100644 index adbab1ea2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_07.png deleted file mode 100644 index 7ebfefa3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_08.png deleted file mode 100644 index 83ec44fca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_09.png deleted file mode 100644 index 21c16bdb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_10.png deleted file mode 100644 index 04d456b11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_11.png deleted file mode 100644 index 5e8194a89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_12.png deleted file mode 100644 index 5fef407d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_13.png deleted file mode 100644 index 6ed6cff61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_14.png deleted file mode 100644 index b1521fbed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_15.png deleted file mode 100644 index 2c49167db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_16.png deleted file mode 100644 index 05a65f5d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_17.png deleted file mode 100644 index 1c201d44e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_18.png deleted file mode 100644 index 00e2f8fe9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_19.png deleted file mode 100644 index 076bbdd47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_20.png deleted file mode 100644 index 3d56e9e9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character35/0452_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_01.png deleted file mode 100644 index 77f418e9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_02.png deleted file mode 100644 index 99c159095..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_03.png deleted file mode 100644 index 5baded25b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_04.png deleted file mode 100644 index 3e445871a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_05.png deleted file mode 100644 index f6a950e8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_06.png deleted file mode 100644 index bf0dc5953..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_07.png deleted file mode 100644 index b6e7d3d79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_08.png deleted file mode 100644 index 5b0448496..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_09.png deleted file mode 100644 index 3f2fab404..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_10.png deleted file mode 100644 index 674880cea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_11.png deleted file mode 100644 index 1346157db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_12.png deleted file mode 100644 index 5f586f301..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_13.png deleted file mode 100644 index 4da66caf1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_14.png deleted file mode 100644 index 7cde56185..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_15.png deleted file mode 100644 index 12c193f52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_16.png deleted file mode 100644 index c2a437117..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_17.png deleted file mode 100644 index 581c1cceb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_18.png deleted file mode 100644 index 9766d4dea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_19.png deleted file mode 100644 index 5ee6b2866..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_20.png deleted file mode 100644 index 2ee28415a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character36/0453_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_01.png deleted file mode 100644 index 73c0d0b43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_02.png deleted file mode 100644 index 44c3b6bd2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_03.png deleted file mode 100644 index bd7cc6784..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_04.png deleted file mode 100644 index b234b5b0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_05.png deleted file mode 100644 index 3bbbf030e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_06.png deleted file mode 100644 index 880686e73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_07.png deleted file mode 100644 index a6ffee765..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_08.png deleted file mode 100644 index f4269cc3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_09.png deleted file mode 100644 index 4a1551571..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_10.png deleted file mode 100644 index 071a7d994..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_11.png deleted file mode 100644 index 2d5993507..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_12.png deleted file mode 100644 index 5eae0ce35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_13.png deleted file mode 100644 index 540eb95fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_14.png deleted file mode 100644 index 4017884d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_15.png deleted file mode 100644 index fa1ef7388..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_16.png deleted file mode 100644 index 18775f98d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_17.png deleted file mode 100644 index c4edcca71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_18.png deleted file mode 100644 index 9f452d7bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_19.png deleted file mode 100644 index eb4f8795a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_20.png deleted file mode 100644 index ed24e536c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character37/0454_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_01.png deleted file mode 100644 index 44133d9bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_02.png deleted file mode 100644 index 69c92472e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_03.png deleted file mode 100644 index d3f6e5bbf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_04.png deleted file mode 100644 index f8ba1804c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_05.png deleted file mode 100644 index dd3ccfd36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_06.png deleted file mode 100644 index 704f01c61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_07.png deleted file mode 100644 index aefd8cabd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_08.png deleted file mode 100644 index fe6db9925..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_09.png deleted file mode 100644 index 65735e4d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_10.png deleted file mode 100644 index 0026a57c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_11.png deleted file mode 100644 index 2bd3592a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_12.png deleted file mode 100644 index d5332039e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_13.png deleted file mode 100644 index 6837e12aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_14.png deleted file mode 100644 index 42ca0108e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_15.png deleted file mode 100644 index 6440dff7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_16.png deleted file mode 100644 index be647e628..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_17.png deleted file mode 100644 index 5253c0afa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_18.png deleted file mode 100644 index 37e0852ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_19.png deleted file mode 100644 index 76d048c52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_20.png deleted file mode 100644 index 8d938cb75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character38/0455_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_01.png deleted file mode 100644 index 60711359c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_02.png deleted file mode 100644 index 839d06581..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_03.png deleted file mode 100644 index 0b3e2cf21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_04.png deleted file mode 100644 index 8969246f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_05.png deleted file mode 100644 index a7d61e438..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_06.png deleted file mode 100644 index 14c2f27d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_07.png deleted file mode 100644 index 874b2267a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_08.png deleted file mode 100644 index 81585c6f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_09.png deleted file mode 100644 index 97dfde477..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_10.png deleted file mode 100644 index 2c1fa4f71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_11.png deleted file mode 100644 index b566328d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_12.png deleted file mode 100644 index b1a07ce3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_13.png deleted file mode 100644 index 318d2df3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_14.png deleted file mode 100644 index 254f11c82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_15.png deleted file mode 100644 index 1de4a4fa7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_16.png deleted file mode 100644 index 2b9ea97a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_17.png deleted file mode 100644 index 46354c9e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_18.png deleted file mode 100644 index 9d069b8fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_19.png deleted file mode 100644 index 1fcd97363..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_20.png deleted file mode 100644 index 22c7aa5aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character39/0456_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_01.png deleted file mode 100644 index 8f75b66a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_02.png deleted file mode 100644 index 95bcad679..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_03.png deleted file mode 100644 index 56b8ba274..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_04.png deleted file mode 100644 index 87e0e07d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_05.png deleted file mode 100644 index 1ba3586c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_06.png deleted file mode 100644 index 764964345..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_07.png deleted file mode 100644 index 2622f515a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_08.png deleted file mode 100644 index 69e0afe89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_09.png deleted file mode 100644 index ec505b573..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_10.png deleted file mode 100644 index 3c76315c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_11.png deleted file mode 100644 index 646c22ae4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_12.png deleted file mode 100644 index 45a23f20b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_13.png deleted file mode 100644 index 9aec009be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_14.png deleted file mode 100644 index e5444c9c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_15.png deleted file mode 100644 index 7fd402929..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_16.png deleted file mode 100644 index fe5dc7414..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_17.png deleted file mode 100644 index f8390d13a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_18.png deleted file mode 100644 index 20480957e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_19.png deleted file mode 100644 index 325420f7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_20.png deleted file mode 100644 index a91684ba4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character40/0457_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_01.png deleted file mode 100644 index 31703dd7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_02.png deleted file mode 100644 index cf8f991b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_03.png deleted file mode 100644 index d4f30bca3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_04.png deleted file mode 100644 index 43d943740..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_05.png deleted file mode 100644 index 6ce8d28d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_06.png deleted file mode 100644 index c94376f5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_07.png deleted file mode 100644 index 0363981fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_08.png deleted file mode 100644 index 62011863f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_09.png deleted file mode 100644 index 88421c1d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_10.png deleted file mode 100644 index 253bf0750..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_11.png deleted file mode 100644 index b48dfacec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_12.png deleted file mode 100644 index ad6fc7763..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_13.png deleted file mode 100644 index fbfece5d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_14.png deleted file mode 100644 index 4b76e5362..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_15.png deleted file mode 100644 index 65e9c1694..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_16.png deleted file mode 100644 index 557f59d81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_17.png deleted file mode 100644 index 2fe384fc0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_18.png deleted file mode 100644 index 9c086f4c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_19.png deleted file mode 100644 index a228d07fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_20.png deleted file mode 100644 index ee9daa40f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character41/0458_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_01.png deleted file mode 100644 index a546c3d48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_02.png deleted file mode 100644 index 022ae07d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_03.png deleted file mode 100644 index 0b2f0d43b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_04.png deleted file mode 100644 index e1af1d83b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_05.png deleted file mode 100644 index 74e89f8ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_06.png deleted file mode 100644 index 7d8499fd6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_07.png deleted file mode 100644 index f9f759979..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_08.png deleted file mode 100644 index b6dc5183a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_09.png deleted file mode 100644 index eee24e6fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_10.png deleted file mode 100644 index c66156df1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_11.png deleted file mode 100644 index b7231ba18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_12.png deleted file mode 100644 index fc5d8e185..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_13.png deleted file mode 100644 index cf2535f91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_14.png deleted file mode 100644 index 56564275b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_15.png deleted file mode 100644 index ff4eda0c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_16.png deleted file mode 100644 index 41e1afb56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_17.png deleted file mode 100644 index b74a0ff32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_18.png deleted file mode 100644 index 8957235ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_19.png deleted file mode 100644 index 9c28c65ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_20.png deleted file mode 100644 index a86fd32db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character42/0459_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_01.png deleted file mode 100644 index 5f47510af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_02.png deleted file mode 100644 index 61b035bea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_03.png deleted file mode 100644 index f7ad8a22e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_04.png deleted file mode 100644 index 4c32bbaec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_05.png deleted file mode 100644 index 4e5d6def2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_06.png deleted file mode 100644 index a459617f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_07.png deleted file mode 100644 index 26d24dcb7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_08.png deleted file mode 100644 index 68150fca7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_09.png deleted file mode 100644 index 53abc8a80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_10.png deleted file mode 100644 index a470c96c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_11.png deleted file mode 100644 index cf0a6c28c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_12.png deleted file mode 100644 index bfa9f3329..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_13.png deleted file mode 100644 index d02713826..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_14.png deleted file mode 100644 index 87907faea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_15.png deleted file mode 100644 index a634564c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_16.png deleted file mode 100644 index fcda42bd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_17.png deleted file mode 100644 index 8d69f1504..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_18.png deleted file mode 100644 index 4036a3789..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_19.png deleted file mode 100644 index eb6f9f423..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_20.png deleted file mode 100644 index 13832f66f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character43/0460_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_01.png deleted file mode 100644 index 094640ad0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_02.png deleted file mode 100644 index e31246453..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_03.png deleted file mode 100644 index bfce24d1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_04.png deleted file mode 100644 index 5fca32fb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_05.png deleted file mode 100644 index ac26239e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_06.png deleted file mode 100644 index 60c9a78d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_07.png deleted file mode 100644 index 97525ebbf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_08.png deleted file mode 100644 index c89c41530..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_09.png deleted file mode 100644 index 1d11f8045..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_10.png deleted file mode 100644 index ce76ba33e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_11.png deleted file mode 100644 index c011bab96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_12.png deleted file mode 100644 index 3a34ed5bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_13.png deleted file mode 100644 index 4594f32bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_14.png deleted file mode 100644 index bb67aef36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_15.png deleted file mode 100644 index 6f23372dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_16.png deleted file mode 100644 index d23859c48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_17.png deleted file mode 100644 index 839a01b86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_18.png deleted file mode 100644 index b138d2743..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_19.png deleted file mode 100644 index 4583e272f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_20.png deleted file mode 100644 index 97b5cbc0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character44/0461_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_01.png deleted file mode 100644 index 73b73c17c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_02.png deleted file mode 100644 index eed55c860..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_03.png deleted file mode 100644 index 7abc6e18d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_04.png deleted file mode 100644 index adbe56c10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_05.png deleted file mode 100644 index ff62b56f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_06.png deleted file mode 100644 index 5500d79ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_07.png deleted file mode 100644 index 06323f897..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_08.png deleted file mode 100644 index 9278c80ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_09.png deleted file mode 100644 index f21ca7dc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_10.png deleted file mode 100644 index 32a219645..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_11.png deleted file mode 100644 index 4c9a2228e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_12.png deleted file mode 100644 index 87f7474a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_13.png deleted file mode 100644 index e01ef18c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_14.png deleted file mode 100644 index c9a83860d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_15.png deleted file mode 100644 index 6a3cf4ffa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_16.png deleted file mode 100644 index c6929724e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_17.png deleted file mode 100644 index 4db83f95e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_18.png deleted file mode 100644 index bbd7a30b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_19.png deleted file mode 100644 index 42ef60e93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_20.png deleted file mode 100644 index aa27e2e5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character45/0462_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_01.png deleted file mode 100644 index e850774ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_02.png deleted file mode 100644 index ddd874706..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_03.png deleted file mode 100644 index cd3d32364..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_04.png deleted file mode 100644 index de14e0342..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_05.png deleted file mode 100644 index 9b79e93e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_06.png deleted file mode 100644 index d6ee4f38c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_07.png deleted file mode 100644 index 95d7c1df9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_08.png deleted file mode 100644 index de0b9d992..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_09.png deleted file mode 100644 index d4a065248..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_10.png deleted file mode 100644 index cd6bcb740..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_11.png deleted file mode 100644 index e50ab14bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_12.png deleted file mode 100644 index 50845b847..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_13.png deleted file mode 100644 index eb4a790c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_14.png deleted file mode 100644 index cf1803930..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_15.png deleted file mode 100644 index 2c2507048..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_16.png deleted file mode 100644 index a9e3b8ae4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_17.png deleted file mode 100644 index 1ffdd9b27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_18.png deleted file mode 100644 index 6796e49b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_19.png deleted file mode 100644 index 8e544a05e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_20.png deleted file mode 100644 index d12f8544a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character46/0463_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_01.png deleted file mode 100644 index 99f051990..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_02.png deleted file mode 100644 index a7c6302d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_03.png deleted file mode 100644 index a7c149f39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_04.png deleted file mode 100644 index 15ccdb02e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_05.png deleted file mode 100644 index 1db949566..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_06.png deleted file mode 100644 index 574764061..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_07.png deleted file mode 100644 index c70b1a760..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_08.png deleted file mode 100644 index ffb719e6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_09.png deleted file mode 100644 index bfd20b6ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_10.png deleted file mode 100644 index 9f507d844..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_11.png deleted file mode 100644 index 5bb3512fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_12.png deleted file mode 100644 index 6791c4272..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_13.png deleted file mode 100644 index 6d1f1bc7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_14.png deleted file mode 100644 index 504e428bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_15.png deleted file mode 100644 index 0f4a69caa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_16.png deleted file mode 100644 index c47d0522c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_17.png deleted file mode 100644 index e08950ccc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_18.png deleted file mode 100644 index 4ab758e5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_19.png deleted file mode 100644 index e9adf8ffa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_20.png deleted file mode 100644 index 5bab91267..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character47/0464_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_01.png deleted file mode 100644 index 32bfb763b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_02.png deleted file mode 100644 index 39e27f0d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_03.png deleted file mode 100644 index 4a958cfa2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_04.png deleted file mode 100644 index 54152232d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_05.png deleted file mode 100644 index fba09610b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_06.png deleted file mode 100644 index d62156b06..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_07.png deleted file mode 100644 index b0017df60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_08.png deleted file mode 100644 index 4b794a67c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_09.png deleted file mode 100644 index d975f8ff8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_10.png deleted file mode 100644 index 7934c48b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_11.png deleted file mode 100644 index 078c0eac3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_12.png deleted file mode 100644 index ce849c7b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_13.png deleted file mode 100644 index ccd224f67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_14.png deleted file mode 100644 index 60d6e04c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_15.png deleted file mode 100644 index 6f0f60968..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_16.png deleted file mode 100644 index a19aac9ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_17.png deleted file mode 100644 index f17e50f2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_18.png deleted file mode 100644 index af216c7dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_19.png deleted file mode 100644 index d49194bbe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_20.png deleted file mode 100644 index 58210d79b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Gujarati/character48/0465_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_01.png deleted file mode 100644 index f54cc41ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_02.png deleted file mode 100644 index 54f95839f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_03.png deleted file mode 100644 index 92259ceea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_04.png deleted file mode 100644 index 57ceb6874..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_05.png deleted file mode 100644 index 9bb8e3dae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_06.png deleted file mode 100644 index f9d1d32e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_07.png deleted file mode 100644 index e0bc71edf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_08.png deleted file mode 100644 index abd564045..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_09.png deleted file mode 100644 index efaeb0d39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_10.png deleted file mode 100644 index 960ed5d19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_11.png deleted file mode 100644 index 47a447d5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_12.png deleted file mode 100644 index 3c3e8612e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_13.png deleted file mode 100644 index d1fe26c4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_14.png deleted file mode 100644 index 1bb0ccf25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_15.png deleted file mode 100644 index a029b1187..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_16.png deleted file mode 100644 index d6001bc95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_17.png deleted file mode 100644 index 41354f8d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_18.png deleted file mode 100644 index 59fa6fa03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_19.png deleted file mode 100644 index 896df40e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_20.png deleted file mode 100644 index 3eeaaaf52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character01/0466_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_01.png deleted file mode 100644 index b75e353f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_02.png deleted file mode 100644 index 8350afaed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_03.png deleted file mode 100644 index 87db17827..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_04.png deleted file mode 100644 index 496c8db95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_05.png deleted file mode 100644 index 56ec53719..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_06.png deleted file mode 100644 index e409b2bb3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_07.png deleted file mode 100644 index e825a73a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_08.png deleted file mode 100644 index c6089ba77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_09.png deleted file mode 100644 index 7ec20157e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_10.png deleted file mode 100644 index f63601217..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_11.png deleted file mode 100644 index c879d44cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_12.png deleted file mode 100644 index e26e35cf9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_13.png deleted file mode 100644 index d032e0b7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_14.png deleted file mode 100644 index ccdb378af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_15.png deleted file mode 100644 index 2565ee474..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_16.png deleted file mode 100644 index 963fd3cc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_17.png deleted file mode 100644 index 9cd33ee5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_18.png deleted file mode 100644 index 0b8f662b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_19.png deleted file mode 100644 index 955b9e14f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_20.png deleted file mode 100644 index d55d82cf7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character02/0467_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_01.png deleted file mode 100644 index 6476cb9da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_02.png deleted file mode 100644 index 2593bf068..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_03.png deleted file mode 100644 index 60332038d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_04.png deleted file mode 100644 index d526d63dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_05.png deleted file mode 100644 index f96e0c437..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_06.png deleted file mode 100644 index bf5e3cc5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_07.png deleted file mode 100644 index 4f2b95809..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_08.png deleted file mode 100644 index 1a5c92f45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_09.png deleted file mode 100644 index 9907bf7dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_10.png deleted file mode 100644 index 3de6b3611..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_11.png deleted file mode 100644 index 5c8c0365e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_12.png deleted file mode 100644 index c11f3d956..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_13.png deleted file mode 100644 index 601a32bb0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_14.png deleted file mode 100644 index b836cc4b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_15.png deleted file mode 100644 index 2193aaea0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_16.png deleted file mode 100644 index 1e528f44b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_17.png deleted file mode 100644 index 0e73cabe8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_18.png deleted file mode 100644 index 17ea5074f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_19.png deleted file mode 100644 index 5cf43e6f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_20.png deleted file mode 100644 index e7d4e4674..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character03/0468_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_01.png deleted file mode 100644 index 8ca18a44c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_02.png deleted file mode 100644 index 08af313eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_03.png deleted file mode 100644 index 020386206..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_04.png deleted file mode 100644 index b52590be2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_05.png deleted file mode 100644 index 0984d7eb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_06.png deleted file mode 100644 index a2ae66e25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_07.png deleted file mode 100644 index fe4d3493f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_08.png deleted file mode 100644 index 985b7b574..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_09.png deleted file mode 100644 index 671774bd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_10.png deleted file mode 100644 index 7d640b3b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_11.png deleted file mode 100644 index e971e1416..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_12.png deleted file mode 100644 index 72af72477..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_13.png deleted file mode 100644 index 26ab493fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_14.png deleted file mode 100644 index ae6589a9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_15.png deleted file mode 100644 index 7d9371132..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_16.png deleted file mode 100644 index 909a7e1c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_17.png deleted file mode 100644 index a4774f845..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_18.png deleted file mode 100644 index 3cdf4628b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_19.png deleted file mode 100644 index c121ebff8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_20.png deleted file mode 100644 index fc165852f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character04/0469_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_01.png deleted file mode 100644 index 1269e7344..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_02.png deleted file mode 100644 index 59cf20b98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_03.png deleted file mode 100644 index f9fcc10ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_04.png deleted file mode 100644 index 1abf23fb5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_05.png deleted file mode 100644 index 35319d74c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_06.png deleted file mode 100644 index 6a5144855..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_07.png deleted file mode 100644 index 083a11e18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_08.png deleted file mode 100644 index b7de5490e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_09.png deleted file mode 100644 index 91651a784..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_10.png deleted file mode 100644 index 189405758..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_11.png deleted file mode 100644 index 1bcc8e126..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_12.png deleted file mode 100644 index 5c9e69ea1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_13.png deleted file mode 100644 index b76e8af4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_14.png deleted file mode 100644 index 7220be52e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_15.png deleted file mode 100644 index b9ae868af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_16.png deleted file mode 100644 index a385ddadd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_17.png deleted file mode 100644 index 313039721..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_18.png deleted file mode 100644 index 2b39c174b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_19.png deleted file mode 100644 index d05bad20d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_20.png deleted file mode 100644 index 35dfda7fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character05/0470_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_01.png deleted file mode 100644 index f090a4256..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_02.png deleted file mode 100644 index c59278f1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_03.png deleted file mode 100644 index f30817498..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_04.png deleted file mode 100644 index a2cf0ea18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_05.png deleted file mode 100644 index ae82e8b1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_06.png deleted file mode 100644 index e41b5a41b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_07.png deleted file mode 100644 index 0282e0904..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_08.png deleted file mode 100644 index 56d20c4b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_09.png deleted file mode 100644 index 2a1b739c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_10.png deleted file mode 100644 index af7851b08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_11.png deleted file mode 100644 index 3b46e0745..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_12.png deleted file mode 100644 index c909fffbb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_13.png deleted file mode 100644 index 28a5c62e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_14.png deleted file mode 100644 index 12e70a3bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_15.png deleted file mode 100644 index 91eacfa49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_16.png deleted file mode 100644 index 740ac3af2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_17.png deleted file mode 100644 index c4b8dfd9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_18.png deleted file mode 100644 index 998550612..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_19.png deleted file mode 100644 index e44102fd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_20.png deleted file mode 100644 index 8acfdd7ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character06/0471_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_01.png deleted file mode 100644 index 2fe774e61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_02.png deleted file mode 100644 index 23bafd8a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_03.png deleted file mode 100644 index 7b53d8ce2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_04.png deleted file mode 100644 index bea902a23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_05.png deleted file mode 100644 index 1970050be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_06.png deleted file mode 100644 index ba4856bd7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_07.png deleted file mode 100644 index 00ae63d64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_08.png deleted file mode 100644 index 1463a66e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_09.png deleted file mode 100644 index c91ea429d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_10.png deleted file mode 100644 index cf9c980cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_11.png deleted file mode 100644 index a6593e0a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_12.png deleted file mode 100644 index 3c93ea13b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_13.png deleted file mode 100644 index e1ea15faa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_14.png deleted file mode 100644 index 3d046b51e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_15.png deleted file mode 100644 index 4192b0ebe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_16.png deleted file mode 100644 index 626fbb2b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_17.png deleted file mode 100644 index 3e942728a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_18.png deleted file mode 100644 index a4080ee69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_19.png deleted file mode 100644 index e96e7314c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_20.png deleted file mode 100644 index ea59cd738..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character07/0472_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_01.png deleted file mode 100644 index 681b42398..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_02.png deleted file mode 100644 index 2b4ac0748..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_03.png deleted file mode 100644 index 8331fd5cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_04.png deleted file mode 100644 index b891ac576..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_05.png deleted file mode 100644 index 07c5f7893..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_06.png deleted file mode 100644 index e2eb8d319..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_07.png deleted file mode 100644 index 9d4652fee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_08.png deleted file mode 100644 index 059a8e85f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_09.png deleted file mode 100644 index b86a44594..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_10.png deleted file mode 100644 index 3cc14310c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_11.png deleted file mode 100644 index 262d47109..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_12.png deleted file mode 100644 index e6543420a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_13.png deleted file mode 100644 index 427eae94c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_14.png deleted file mode 100644 index 7844acca5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_15.png deleted file mode 100644 index ee1999b4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_16.png deleted file mode 100644 index 61868c5cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_17.png deleted file mode 100644 index c52789efc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_18.png deleted file mode 100644 index 95d365d1d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_19.png deleted file mode 100644 index 5440f9ec7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_20.png deleted file mode 100644 index 8a00bb24b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character08/0473_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_01.png deleted file mode 100644 index f9927587e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_02.png deleted file mode 100644 index e90850eaf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_03.png deleted file mode 100644 index ef276c787..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_04.png deleted file mode 100644 index 687a257dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_05.png deleted file mode 100644 index a588f2648..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_06.png deleted file mode 100644 index 4fa7f0942..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_07.png deleted file mode 100644 index 4297e7c56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_08.png deleted file mode 100644 index 1da961a1d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_09.png deleted file mode 100644 index 0afeb28b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_10.png deleted file mode 100644 index 4cc8c4a81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_11.png deleted file mode 100644 index ee3792e2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_12.png deleted file mode 100644 index e19039a0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_13.png deleted file mode 100644 index 3dee46de5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_14.png deleted file mode 100644 index 0e8288897..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_15.png deleted file mode 100644 index 82ad1c187..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_16.png deleted file mode 100644 index a1f58cc4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_17.png deleted file mode 100644 index 303fb9fa9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_18.png deleted file mode 100644 index bf8863cd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_19.png deleted file mode 100644 index 392ca798a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_20.png deleted file mode 100644 index ada507d46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character09/0474_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_01.png deleted file mode 100644 index 702a8ed15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_02.png deleted file mode 100644 index a09f02dff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_03.png deleted file mode 100644 index dfc6ec904..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_04.png deleted file mode 100644 index f173168a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_05.png deleted file mode 100644 index 17277c154..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_06.png deleted file mode 100644 index 698f419a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_07.png deleted file mode 100644 index 3ff302c42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_08.png deleted file mode 100644 index 91ad7148d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_09.png deleted file mode 100644 index 424eff341..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_10.png deleted file mode 100644 index 107fca4db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_11.png deleted file mode 100644 index e626a3ff6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_12.png deleted file mode 100644 index 1164a5a04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_13.png deleted file mode 100644 index 3a9167dab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_14.png deleted file mode 100644 index dd4e32099..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_15.png deleted file mode 100644 index 3fb776432..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_16.png deleted file mode 100644 index ac2a11cee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_17.png deleted file mode 100644 index 8ac16ea6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_18.png deleted file mode 100644 index 3667c117b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_19.png deleted file mode 100644 index 98c77bedd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_20.png deleted file mode 100644 index ef1d81ded..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character10/0475_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_01.png deleted file mode 100644 index 4adba4b5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_02.png deleted file mode 100644 index 9575322f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_03.png deleted file mode 100644 index ecf7d41e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_04.png deleted file mode 100644 index 6307c5995..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_05.png deleted file mode 100644 index 9f7c94bc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_06.png deleted file mode 100644 index 966f46d32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_07.png deleted file mode 100644 index 66e77c4e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_08.png deleted file mode 100644 index 982c71b87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_09.png deleted file mode 100644 index 339206892..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_10.png deleted file mode 100644 index 50fc11d7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_11.png deleted file mode 100644 index cdfefd3d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_12.png deleted file mode 100644 index a75487523..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_13.png deleted file mode 100644 index 57917da18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_14.png deleted file mode 100644 index 505a09c2e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_15.png deleted file mode 100644 index 0653b9caf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_16.png deleted file mode 100644 index 76843f955..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_17.png deleted file mode 100644 index a2c97ef3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_18.png deleted file mode 100644 index c7441d865..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_19.png deleted file mode 100644 index 2572beea2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_20.png deleted file mode 100644 index e538bd1b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character11/0476_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_01.png deleted file mode 100644 index 187693270..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_02.png deleted file mode 100644 index 6ac4edd2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_03.png deleted file mode 100644 index 43e600b2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_04.png deleted file mode 100644 index aabad3ed0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_05.png deleted file mode 100644 index 27ff87cdd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_06.png deleted file mode 100644 index fbc13c037..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_07.png deleted file mode 100644 index b2a3c7894..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_08.png deleted file mode 100644 index 2cbfcb68e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_09.png deleted file mode 100644 index 7eccf9395..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_10.png deleted file mode 100644 index 09294e1bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_11.png deleted file mode 100644 index 87f9fa42b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_12.png deleted file mode 100644 index 9ac511973..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_13.png deleted file mode 100644 index 2c348b604..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_14.png deleted file mode 100644 index 9d4dab7b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_15.png deleted file mode 100644 index 52a3f685d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_16.png deleted file mode 100644 index dbdbc1b13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_17.png deleted file mode 100644 index 9815c6f12..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_18.png deleted file mode 100644 index c198cf2e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_19.png deleted file mode 100644 index e3192ec93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_20.png deleted file mode 100644 index 43cc3a683..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character12/0477_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_01.png deleted file mode 100644 index 591fb03c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_02.png deleted file mode 100644 index a79279e9d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_03.png deleted file mode 100644 index 8d8f84ec6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_04.png deleted file mode 100644 index e143eb78f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_05.png deleted file mode 100644 index 8b1f5b0fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_06.png deleted file mode 100644 index ee884ecfc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_07.png deleted file mode 100644 index dce8bc033..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_08.png deleted file mode 100644 index 8c94df3c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_09.png deleted file mode 100644 index caa4b911d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_10.png deleted file mode 100644 index fd64f509e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_11.png deleted file mode 100644 index 87c935df6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_12.png deleted file mode 100644 index d056751e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_13.png deleted file mode 100644 index 1e833617a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_14.png deleted file mode 100644 index 6869ae856..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_15.png deleted file mode 100644 index 155ab4c01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_16.png deleted file mode 100644 index 0626d0135..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_17.png deleted file mode 100644 index 2921a70e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_18.png deleted file mode 100644 index dd36a0d31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_19.png deleted file mode 100644 index d52de9fae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_20.png deleted file mode 100644 index f5aa116b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character13/0478_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_01.png deleted file mode 100644 index 56918e09e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_02.png deleted file mode 100644 index 6e29eb850..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_03.png deleted file mode 100644 index 7eff6b1fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_04.png deleted file mode 100644 index 3adf57ea2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_05.png deleted file mode 100644 index dafe29c21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_06.png deleted file mode 100644 index a9cc9b3d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_07.png deleted file mode 100644 index 50b469a30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_08.png deleted file mode 100644 index ae4ddfd99..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_09.png deleted file mode 100644 index c461198a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_10.png deleted file mode 100644 index 66a525ff3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_11.png deleted file mode 100644 index 43e240492..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_12.png deleted file mode 100644 index 4f604190b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_13.png deleted file mode 100644 index 32656d01e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_14.png deleted file mode 100644 index ed289ca9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_15.png deleted file mode 100644 index cfff03a30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_16.png deleted file mode 100644 index 413fb7fdd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_17.png deleted file mode 100644 index 56045e6b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_18.png deleted file mode 100644 index 26d12cb22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_19.png deleted file mode 100644 index bddfe7275..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_20.png deleted file mode 100644 index 81d8afafc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character14/0479_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_01.png deleted file mode 100644 index 1b6c7cda3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_02.png deleted file mode 100644 index e9cb83275..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_03.png deleted file mode 100644 index 2f72149b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_04.png deleted file mode 100644 index c9c1aac71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_05.png deleted file mode 100644 index 67227c6c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_06.png deleted file mode 100644 index 33968685b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_07.png deleted file mode 100644 index ad88f4d8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_08.png deleted file mode 100644 index 3e0989faf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_09.png deleted file mode 100644 index 05480964d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_10.png deleted file mode 100644 index 85e91cd7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_11.png deleted file mode 100644 index dbe9c5a23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_12.png deleted file mode 100644 index dc910258e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_13.png deleted file mode 100644 index f7a6a4edb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_14.png deleted file mode 100644 index 2bd818fdd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_15.png deleted file mode 100644 index 75a174f0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_16.png deleted file mode 100644 index 4bb9ee700..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_17.png deleted file mode 100644 index 1ed0eb214..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_18.png deleted file mode 100644 index 0208253b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_19.png deleted file mode 100644 index 7f730a5d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_20.png deleted file mode 100644 index ed705a8fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character15/0480_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_01.png deleted file mode 100644 index ab71b14c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_02.png deleted file mode 100644 index ce9be30e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_03.png deleted file mode 100644 index db308f492..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_04.png deleted file mode 100644 index 65a5bf0ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_05.png deleted file mode 100644 index 4256ec6c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_06.png deleted file mode 100644 index 734453886..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_07.png deleted file mode 100644 index 269d755d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_08.png deleted file mode 100644 index 98c8f3658..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_09.png deleted file mode 100644 index 5850b657a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_10.png deleted file mode 100644 index 5f012bf3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_11.png deleted file mode 100644 index 9e8fe5b05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_12.png deleted file mode 100644 index dc6000c00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_13.png deleted file mode 100644 index 3df3bd5eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_14.png deleted file mode 100644 index c1d644574..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_15.png deleted file mode 100644 index 005c424ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_16.png deleted file mode 100644 index 9b59c97b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_17.png deleted file mode 100644 index a4fb82715..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_18.png deleted file mode 100644 index 2726c64ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_19.png deleted file mode 100644 index dde090a2e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_20.png deleted file mode 100644 index a771bd32d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character16/0481_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_01.png deleted file mode 100644 index b58ac2dc4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_02.png deleted file mode 100644 index 388deb7a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_03.png deleted file mode 100644 index 58b356b0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_04.png deleted file mode 100644 index 7685557a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_05.png deleted file mode 100644 index b1efaf58f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_06.png deleted file mode 100644 index fbd1fe63b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_07.png deleted file mode 100644 index 23699b839..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_08.png deleted file mode 100644 index a01c7f3ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_09.png deleted file mode 100644 index 862c6a242..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_10.png deleted file mode 100644 index a39cac4c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_11.png deleted file mode 100644 index d1ce7af84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_12.png deleted file mode 100644 index 9f2137562..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_13.png deleted file mode 100644 index 62071625f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_14.png deleted file mode 100644 index 9c51d1922..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_15.png deleted file mode 100644 index bf21f2423..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_16.png deleted file mode 100644 index 169ebda9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_17.png deleted file mode 100644 index c8a576fc7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_18.png deleted file mode 100644 index ec32b76f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_19.png deleted file mode 100644 index dbb01c480..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_20.png deleted file mode 100644 index cfb2ee4e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character17/0482_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_01.png deleted file mode 100644 index c6e51ea15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_02.png deleted file mode 100644 index a1f523ba9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_03.png deleted file mode 100644 index 43fea4076..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_04.png deleted file mode 100644 index 2ea6a65c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_05.png deleted file mode 100644 index 6be7b1605..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_06.png deleted file mode 100644 index 28055e515..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_07.png deleted file mode 100644 index f76578337..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_08.png deleted file mode 100644 index f0c8f348d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_09.png deleted file mode 100644 index 57a63b1d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_10.png deleted file mode 100644 index 10a15aae7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_11.png deleted file mode 100644 index ed5cf638e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_12.png deleted file mode 100644 index bb6851ef9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_13.png deleted file mode 100644 index 14c75e88f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_14.png deleted file mode 100644 index 76867d5ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_15.png deleted file mode 100644 index 9861b0a43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_16.png deleted file mode 100644 index b0d234c32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_17.png deleted file mode 100644 index 2b6b2f6af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_18.png deleted file mode 100644 index b34168d97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_19.png deleted file mode 100644 index 282d6b13a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_20.png deleted file mode 100644 index 1bd550657..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character18/0483_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_01.png deleted file mode 100644 index 2b9781393..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_02.png deleted file mode 100644 index 9d20b255d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_03.png deleted file mode 100644 index 10075ae8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_04.png deleted file mode 100644 index 59a9b5ca8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_05.png deleted file mode 100644 index 90dd62b59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_06.png deleted file mode 100644 index 3e9001016..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_07.png deleted file mode 100644 index 7f06dabe7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_08.png deleted file mode 100644 index 079be1ae9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_09.png deleted file mode 100644 index 3d686d390..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_10.png deleted file mode 100644 index a0e55b647..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_11.png deleted file mode 100644 index a67de1aa2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_12.png deleted file mode 100644 index ded1d971d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_13.png deleted file mode 100644 index 5a28da4e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_14.png deleted file mode 100644 index a7e429d78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_15.png deleted file mode 100644 index 8995f905c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_16.png deleted file mode 100644 index b804015ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_17.png deleted file mode 100644 index 77d6a21ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_18.png deleted file mode 100644 index 73a3f188e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_19.png deleted file mode 100644 index 4167feaba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_20.png deleted file mode 100644 index dca6b7bae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character19/0484_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_01.png deleted file mode 100644 index 26cadb7b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_02.png deleted file mode 100644 index b1d95cffa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_03.png deleted file mode 100644 index 53e7d0e92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_04.png deleted file mode 100644 index bda1cd0c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_05.png deleted file mode 100644 index bcdf8079c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_06.png deleted file mode 100644 index 94c3953e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_07.png deleted file mode 100644 index 9be5e892b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_08.png deleted file mode 100644 index a7c6465b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_09.png deleted file mode 100644 index 32730300c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_10.png deleted file mode 100644 index 3b0e51104..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_11.png deleted file mode 100644 index 47d0cfb50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_12.png deleted file mode 100644 index 8ce0f80a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_13.png deleted file mode 100644 index 01abcec77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_14.png deleted file mode 100644 index e7bcd67e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_15.png deleted file mode 100644 index 2d2d714ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_16.png deleted file mode 100644 index 9b5857a42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_17.png deleted file mode 100644 index 53f9e6ba5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_18.png deleted file mode 100644 index 199db2efc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_19.png deleted file mode 100644 index 61bca946a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_20.png deleted file mode 100644 index a4a9e337f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character20/0485_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_01.png deleted file mode 100644 index 093286ab3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_02.png deleted file mode 100644 index 2a1b15736..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_03.png deleted file mode 100644 index 8a672c407..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_04.png deleted file mode 100644 index a54b41aa1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_05.png deleted file mode 100644 index 38a3b0a62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_06.png deleted file mode 100644 index 40e4aa49f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_07.png deleted file mode 100644 index 7df76798c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_08.png deleted file mode 100644 index 97f2381f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_09.png deleted file mode 100644 index 668cd3b74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_10.png deleted file mode 100644 index 11ebbdd3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_11.png deleted file mode 100644 index f0bdf6db2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_12.png deleted file mode 100644 index 72daf1d03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_13.png deleted file mode 100644 index 476c17fdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_14.png deleted file mode 100644 index 4399693a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_15.png deleted file mode 100644 index 78b1e7f7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_16.png deleted file mode 100644 index 137e24a64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_17.png deleted file mode 100644 index dcbbcfe0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_18.png deleted file mode 100644 index 4b76442f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_19.png deleted file mode 100644 index 4fbbc0012..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_20.png deleted file mode 100644 index 8484b79d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character21/0486_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_01.png deleted file mode 100644 index 125fbaf03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_02.png deleted file mode 100644 index f12e00014..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_03.png deleted file mode 100644 index 6d0792562..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_04.png deleted file mode 100644 index 9f3229cc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_05.png deleted file mode 100644 index 24d5eb2d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_06.png deleted file mode 100644 index fcf7f6cb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_07.png deleted file mode 100644 index fcb78226d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_08.png deleted file mode 100644 index c70db24ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_09.png deleted file mode 100644 index 970a8c441..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_10.png deleted file mode 100644 index de2a3ca8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_11.png deleted file mode 100644 index f3ddece50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_12.png deleted file mode 100644 index 42dc10e70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_13.png deleted file mode 100644 index b673edc79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_14.png deleted file mode 100644 index 000d428f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_15.png deleted file mode 100644 index 7b0eaf001..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_16.png deleted file mode 100644 index 89d18fb23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_17.png deleted file mode 100644 index b61e8ae82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_18.png deleted file mode 100644 index 17ed3bcfe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_19.png deleted file mode 100644 index f5b638351..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_20.png deleted file mode 100644 index fdbace110..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Hebrew/character22/0487_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_01.png deleted file mode 100644 index dfb0be37b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_02.png deleted file mode 100644 index 371915955..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_03.png deleted file mode 100644 index 0d5cf87c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_04.png deleted file mode 100644 index a1b30086a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_05.png deleted file mode 100644 index 6f384b1da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_06.png deleted file mode 100644 index 4ab00d776..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_07.png deleted file mode 100644 index 750affa13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_08.png deleted file mode 100644 index 1c61f5c2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_09.png deleted file mode 100644 index 0d2231ec1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_10.png deleted file mode 100644 index 2324b3c83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_11.png deleted file mode 100644 index b6ed5d8ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_12.png deleted file mode 100644 index d2f1909c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_13.png deleted file mode 100644 index 9245f1140..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_14.png deleted file mode 100644 index 00aa75137..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_15.png deleted file mode 100644 index f9b3e9163..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_16.png deleted file mode 100644 index d2195cb0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_17.png deleted file mode 100644 index bfc2f6015..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_18.png deleted file mode 100644 index 4cd5c208d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_19.png deleted file mode 100644 index d82859ad6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_20.png deleted file mode 100644 index c5ad3e3bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_01.png deleted file mode 100644 index 00da301fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_02.png deleted file mode 100644 index d98e84fd7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_03.png deleted file mode 100644 index b71150289..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_04.png deleted file mode 100644 index 5224b9caa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_05.png deleted file mode 100644 index bcb4e2a45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_06.png deleted file mode 100644 index 69d0009e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_07.png deleted file mode 100644 index 60b6eeab5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_08.png deleted file mode 100644 index a7d7ab0d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_09.png deleted file mode 100644 index 88f0059c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_10.png deleted file mode 100644 index 68d5693f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_11.png deleted file mode 100644 index ce9638996..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_12.png deleted file mode 100644 index e60e45a29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_13.png deleted file mode 100644 index b543be47b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_14.png deleted file mode 100644 index 264d1ae95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_15.png deleted file mode 100644 index 546150234..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_16.png deleted file mode 100644 index efdf2e7d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_17.png deleted file mode 100644 index 51c3e57e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_18.png deleted file mode 100644 index ac6f73344..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_19.png deleted file mode 100644 index 9da834bb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_20.png deleted file mode 100644 index a6e937697..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_01.png deleted file mode 100644 index 20102c1f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_02.png deleted file mode 100644 index 1e696c251..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_03.png deleted file mode 100644 index c97dc8f95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_04.png deleted file mode 100644 index 1803e2a52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_05.png deleted file mode 100644 index 40ed46341..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_06.png deleted file mode 100644 index b84ff282f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_07.png deleted file mode 100644 index d52225359..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_08.png deleted file mode 100644 index c5926563c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_09.png deleted file mode 100644 index 4a6fdbcdb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_10.png deleted file mode 100644 index e8ec5176c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_11.png deleted file mode 100644 index 31d966152..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_12.png deleted file mode 100644 index fc9a94cba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_13.png deleted file mode 100644 index df3bfac4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_14.png deleted file mode 100644 index 7ace43bd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_15.png deleted file mode 100644 index 090ce4278..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_16.png deleted file mode 100644 index 1aa194eb2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_17.png deleted file mode 100644 index d3d36411c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_18.png deleted file mode 100644 index 3f343e7cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_19.png deleted file mode 100644 index 7b7428655..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_20.png deleted file mode 100644 index c1ecc8b78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_01.png deleted file mode 100644 index 9b6fb5d79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_02.png deleted file mode 100644 index d73a92777..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_03.png deleted file mode 100644 index cefc3d068..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_04.png deleted file mode 100644 index a86e4c3a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_05.png deleted file mode 100644 index ebb680aad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_06.png deleted file mode 100644 index 95bba8a15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_07.png deleted file mode 100644 index 8c8e3f7bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_08.png deleted file mode 100644 index 6ac561e13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_09.png deleted file mode 100644 index f23059a71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_10.png deleted file mode 100644 index 3e4718d56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_11.png deleted file mode 100644 index a9cc58f68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_12.png deleted file mode 100644 index 6dc826718..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_13.png deleted file mode 100644 index 2ac10144b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_14.png deleted file mode 100644 index f416f22e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_15.png deleted file mode 100644 index e4dbcdd0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_16.png deleted file mode 100644 index 6bd77b8fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_17.png deleted file mode 100644 index daedd5c7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_18.png deleted file mode 100644 index b8cfd6b67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_19.png deleted file mode 100644 index 2e0af0f99..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_20.png deleted file mode 100644 index a539c7e70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_01.png deleted file mode 100644 index 44cd5b15f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_02.png deleted file mode 100644 index 37a1382c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_03.png deleted file mode 100644 index d8ae816e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_04.png deleted file mode 100644 index 50b4209d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_05.png deleted file mode 100644 index 804493ec4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_06.png deleted file mode 100644 index 2e12aa9ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_07.png deleted file mode 100644 index 2c05c0433..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_08.png deleted file mode 100644 index 576d8f43d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_09.png deleted file mode 100644 index 646cd253f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_10.png deleted file mode 100644 index 4728f6c19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_11.png deleted file mode 100644 index 8dbd7c876..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_12.png deleted file mode 100644 index bed2cb8b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_13.png deleted file mode 100644 index 9da5727e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_14.png deleted file mode 100644 index 016c27160..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_15.png deleted file mode 100644 index fcf642e1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_16.png deleted file mode 100644 index af89385e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_17.png deleted file mode 100644 index e99996154..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_18.png deleted file mode 100644 index 1df060ca8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_19.png deleted file mode 100644 index 8ba6e9f4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_20.png deleted file mode 100644 index a1833c4a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_01.png deleted file mode 100644 index 90e816800..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_02.png deleted file mode 100644 index b47c96375..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_03.png deleted file mode 100644 index 69f619938..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_04.png deleted file mode 100644 index 01a611824..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_05.png deleted file mode 100644 index ff9861627..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_06.png deleted file mode 100644 index 59cb918d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_07.png deleted file mode 100644 index c8b57f41a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_08.png deleted file mode 100644 index 5742aa7ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_09.png deleted file mode 100644 index 1e5036520..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_10.png deleted file mode 100644 index 3d3faac40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_11.png deleted file mode 100644 index 4bf9c1316..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_12.png deleted file mode 100644 index 8efdf0505..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_13.png deleted file mode 100644 index 1a661a281..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_14.png deleted file mode 100644 index 12f97227d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_15.png deleted file mode 100644 index 928d310dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_16.png deleted file mode 100644 index dfb8c5624..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_17.png deleted file mode 100644 index e22ff276d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_18.png deleted file mode 100644 index dcb4d7ad3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_19.png deleted file mode 100644 index dcff18270..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_20.png deleted file mode 100644 index f11680dfc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_01.png deleted file mode 100644 index 17bbd64a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_02.png deleted file mode 100644 index 5bbef45df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_03.png deleted file mode 100644 index cfa54b20a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_04.png deleted file mode 100644 index 93ef0dd94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_05.png deleted file mode 100644 index a8ec541de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_06.png deleted file mode 100644 index cdb122a38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_07.png deleted file mode 100644 index b8ca2defb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_08.png deleted file mode 100644 index 8e53348f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_09.png deleted file mode 100644 index 0e769c7aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_10.png deleted file mode 100644 index a98818c73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_11.png deleted file mode 100644 index 9f81b1aa3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_12.png deleted file mode 100644 index e27915116..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_13.png deleted file mode 100644 index 08d67002e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_14.png deleted file mode 100644 index 965dd01ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_15.png deleted file mode 100644 index 7fa241080..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_16.png deleted file mode 100644 index 15e09d5f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_17.png deleted file mode 100644 index 82d10745e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_18.png deleted file mode 100644 index cbd94c279..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_19.png deleted file mode 100644 index 6fc6f084f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_20.png deleted file mode 100644 index 2412a7172..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_01.png deleted file mode 100644 index 54fba44a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_02.png deleted file mode 100644 index b313f6489..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_03.png deleted file mode 100644 index 40741a524..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_04.png deleted file mode 100644 index 18eeacfe5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_05.png deleted file mode 100644 index 2640ece37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_06.png deleted file mode 100644 index 1eb2454fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_07.png deleted file mode 100644 index 198acfd25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_08.png deleted file mode 100644 index e055d61da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_09.png deleted file mode 100644 index de9c30599..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_10.png deleted file mode 100644 index 98d145f6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_11.png deleted file mode 100644 index 12851ac33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_12.png deleted file mode 100644 index c79a95022..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_13.png deleted file mode 100644 index 5c8a0d869..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_14.png deleted file mode 100644 index d1098d7ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_15.png deleted file mode 100644 index 44b31aec6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_16.png deleted file mode 100644 index 686bb61ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_17.png deleted file mode 100644 index b1808112b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_18.png deleted file mode 100644 index c3898d7fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_19.png deleted file mode 100644 index 954beb19c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_20.png deleted file mode 100644 index 67babe329..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_01.png deleted file mode 100644 index 8d995664c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_02.png deleted file mode 100644 index 8df202843..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_03.png deleted file mode 100644 index 5d5a9f0aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_04.png deleted file mode 100644 index b81755e08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_05.png deleted file mode 100644 index b82bcc511..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_06.png deleted file mode 100644 index 68415fd23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_07.png deleted file mode 100644 index d5f46658b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_08.png deleted file mode 100644 index 6c649c9c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_09.png deleted file mode 100644 index 3c7430828..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_10.png deleted file mode 100644 index d2435d108..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_11.png deleted file mode 100644 index 07b18bb73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_12.png deleted file mode 100644 index 4c94fd1f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_13.png deleted file mode 100644 index 886a308a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_14.png deleted file mode 100644 index a0960dc64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_15.png deleted file mode 100644 index cdd49b2cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_16.png deleted file mode 100644 index e8c13638e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_17.png deleted file mode 100644 index 93d38b4f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_18.png deleted file mode 100644 index ae6c1c157..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_19.png deleted file mode 100644 index 3a5112c25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_20.png deleted file mode 100644 index 0378f5f9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_01.png deleted file mode 100644 index da0b53a6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_02.png deleted file mode 100644 index a9daa8138..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_03.png deleted file mode 100644 index 2cb6eead8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_04.png deleted file mode 100644 index b7315ee80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_05.png deleted file mode 100644 index c0fb6b768..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_06.png deleted file mode 100644 index 71a3bf12b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_07.png deleted file mode 100644 index 44def5248..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_08.png deleted file mode 100644 index a020fb43f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_09.png deleted file mode 100644 index 899e56180..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_10.png deleted file mode 100644 index beb5c0901..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_11.png deleted file mode 100644 index 8bd179a59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_12.png deleted file mode 100644 index df1113f0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_13.png deleted file mode 100644 index 1c1d97865..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_14.png deleted file mode 100644 index bea6534db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_15.png deleted file mode 100644 index 3abebb17b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_16.png deleted file mode 100644 index c7c83bd89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_17.png deleted file mode 100644 index f0821f945..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_18.png deleted file mode 100644 index 5fc609986..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_19.png deleted file mode 100644 index 11af33ee6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_20.png deleted file mode 100644 index f8fdde509..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_01.png deleted file mode 100644 index 324292cc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_02.png deleted file mode 100644 index 927379bc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_03.png deleted file mode 100644 index 421434290..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_04.png deleted file mode 100644 index bce3be956..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_05.png deleted file mode 100644 index 43ace826d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_06.png deleted file mode 100644 index 0fcadc270..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_07.png deleted file mode 100644 index 7ba7684da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_08.png deleted file mode 100644 index 6d083616e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_09.png deleted file mode 100644 index 46165cab5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_10.png deleted file mode 100644 index 9d03ca7ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_11.png deleted file mode 100644 index 33f55f10b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_12.png deleted file mode 100644 index a8bf1fc7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_13.png deleted file mode 100644 index 5f2b4b333..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_14.png deleted file mode 100644 index fce6cf7a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_15.png deleted file mode 100644 index 7c2b34f4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_16.png deleted file mode 100644 index 486e2dce5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_17.png deleted file mode 100644 index cf16fb858..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_18.png deleted file mode 100644 index 72c2612e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_19.png deleted file mode 100644 index 6a905f840..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_20.png deleted file mode 100644 index ae934b0a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_01.png deleted file mode 100644 index e5aac0449..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_02.png deleted file mode 100644 index 26bd14952..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_03.png deleted file mode 100644 index 6338f2824..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_04.png deleted file mode 100644 index 002e45016..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_05.png deleted file mode 100644 index 1403a9164..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_06.png deleted file mode 100644 index f3afd610c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_07.png deleted file mode 100644 index 686e513a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_08.png deleted file mode 100644 index 1e5f9ecfc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_09.png deleted file mode 100644 index f7674d373..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_10.png deleted file mode 100644 index 6bf4109dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_11.png deleted file mode 100644 index 2ad287b14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_12.png deleted file mode 100644 index 62a4f2878..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_13.png deleted file mode 100644 index 746d04ace..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_14.png deleted file mode 100644 index 562fc026a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_15.png deleted file mode 100644 index 19887eb9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_16.png deleted file mode 100644 index 2ab01d563..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_17.png deleted file mode 100644 index 75e7e467d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_18.png deleted file mode 100644 index 034fa4cb5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_19.png deleted file mode 100644 index b191b0da6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_20.png deleted file mode 100644 index 520d0f141..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_01.png deleted file mode 100644 index 06c7e0748..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_02.png deleted file mode 100644 index 474513463..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_03.png deleted file mode 100644 index fd654b72b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_04.png deleted file mode 100644 index a8444e767..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_05.png deleted file mode 100644 index 855f133dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_06.png deleted file mode 100644 index d5f291267..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_07.png deleted file mode 100644 index 211b7505b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_08.png deleted file mode 100644 index 7ed877403..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_09.png deleted file mode 100644 index 768b405b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_10.png deleted file mode 100644 index 5bce559c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_11.png deleted file mode 100644 index 1a7ca2f13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_12.png deleted file mode 100644 index 6cdc103ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_13.png deleted file mode 100644 index 60c793bc7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_14.png deleted file mode 100644 index 371e6e377..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_15.png deleted file mode 100644 index 24aa6a112..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_16.png deleted file mode 100644 index 32db193eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_17.png deleted file mode 100644 index 892093697..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_18.png deleted file mode 100644 index dd0dca468..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_19.png deleted file mode 100644 index 7ca7a0057..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_20.png deleted file mode 100644 index 8090e6b88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_01.png deleted file mode 100644 index 57db47807..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_02.png deleted file mode 100644 index baf250a27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_03.png deleted file mode 100644 index a370b1092..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_04.png deleted file mode 100644 index 61d6a5087..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_05.png deleted file mode 100644 index 743ddca55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_06.png deleted file mode 100644 index 3512def7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_07.png deleted file mode 100644 index 8f3f64058..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_08.png deleted file mode 100644 index fa16ab499..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_09.png deleted file mode 100644 index 2eafcc9aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_10.png deleted file mode 100644 index 8f872a9b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_11.png deleted file mode 100644 index 85af051b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_12.png deleted file mode 100644 index 9dda34d4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_13.png deleted file mode 100644 index 5175b6320..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_14.png deleted file mode 100644 index 99cd32946..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_15.png deleted file mode 100644 index 2f348d779..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_16.png deleted file mode 100644 index cb518277b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_17.png deleted file mode 100644 index bcc6c6011..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_18.png deleted file mode 100644 index 0eef5420d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_19.png deleted file mode 100644 index 1311d3307..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_20.png deleted file mode 100644 index 49af696c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_01.png deleted file mode 100644 index 6f004f578..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_02.png deleted file mode 100644 index 9dde61675..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_03.png deleted file mode 100644 index e72a283c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_04.png deleted file mode 100644 index b45ead4e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_05.png deleted file mode 100644 index 7e9dc80ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_06.png deleted file mode 100644 index 916a0c9c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_07.png deleted file mode 100644 index 88d36d592..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_08.png deleted file mode 100644 index fe1fb11b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_09.png deleted file mode 100644 index 5abdb4b7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_10.png deleted file mode 100644 index ec01ecb50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_11.png deleted file mode 100644 index 82e1efae0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_12.png deleted file mode 100644 index 425099ce4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_13.png deleted file mode 100644 index bfca5f4a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_14.png deleted file mode 100644 index 1e7957a7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_15.png deleted file mode 100644 index d545e41c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_16.png deleted file mode 100644 index 7d50ebde5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_17.png deleted file mode 100644 index 5be279e03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_18.png deleted file mode 100644 index 6d02802a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_19.png deleted file mode 100644 index 72d918b9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_20.png deleted file mode 100644 index 6e4f00173..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_01.png deleted file mode 100644 index dca3a0ddc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_02.png deleted file mode 100644 index 1fda4ef09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_03.png deleted file mode 100644 index 1e3192844..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_04.png deleted file mode 100644 index 31e90db6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_05.png deleted file mode 100644 index 48bbcebce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_06.png deleted file mode 100644 index 1813bd52f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_07.png deleted file mode 100644 index 5bf1792fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_08.png deleted file mode 100644 index e97d5e1bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_09.png deleted file mode 100644 index e99eb184e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_10.png deleted file mode 100644 index fe3d8c278..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_11.png deleted file mode 100644 index d296dbe05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_12.png deleted file mode 100644 index ab693d8fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_13.png deleted file mode 100644 index 6766159a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_14.png deleted file mode 100644 index 72efde8ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_15.png deleted file mode 100644 index 1a232e03e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_16.png deleted file mode 100644 index ec03b78b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_17.png deleted file mode 100644 index 5e98f32d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_18.png deleted file mode 100644 index 4f5a42690..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_19.png deleted file mode 100644 index 542828c4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_20.png deleted file mode 100644 index fde5ab1ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_01.png deleted file mode 100644 index 16774c195..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_02.png deleted file mode 100644 index 9837de56a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_03.png deleted file mode 100644 index cae440485..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_04.png deleted file mode 100644 index f0960c01a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_05.png deleted file mode 100644 index 1dd1bb108..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_06.png deleted file mode 100644 index 8875eac80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_07.png deleted file mode 100644 index a5da6eaf6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_08.png deleted file mode 100644 index 260ad3562..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_09.png deleted file mode 100644 index 626846d5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_10.png deleted file mode 100644 index e3089357f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_11.png deleted file mode 100644 index ddd9204c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_12.png deleted file mode 100644 index a73fac9ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_13.png deleted file mode 100644 index 6c4d49265..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_14.png deleted file mode 100644 index 8d3f01562..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_15.png deleted file mode 100644 index b41c06a1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_16.png deleted file mode 100644 index 6daffe72b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_17.png deleted file mode 100644 index c56e26176..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_18.png deleted file mode 100644 index 36b7c65a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_19.png deleted file mode 100644 index 37c39d5d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_20.png deleted file mode 100644 index 0f97c5ef7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_01.png deleted file mode 100644 index 24f0e546c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_02.png deleted file mode 100644 index ce07c999e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_03.png deleted file mode 100644 index 76f497e03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_04.png deleted file mode 100644 index 10737f41d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_05.png deleted file mode 100644 index f7e0d68d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_06.png deleted file mode 100644 index 548455ff3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_07.png deleted file mode 100644 index 831239e42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_08.png deleted file mode 100644 index cf4698e74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_09.png deleted file mode 100644 index 09022d75d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_10.png deleted file mode 100644 index b25932abe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_11.png deleted file mode 100644 index 7d1afce57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_12.png deleted file mode 100644 index 88fa70cdd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_13.png deleted file mode 100644 index c6beb9f5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_14.png deleted file mode 100644 index 9e0f512cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_15.png deleted file mode 100644 index da17f3c01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_16.png deleted file mode 100644 index 4bcd99ad5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_17.png deleted file mode 100644 index 84fb3488a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_18.png deleted file mode 100644 index cd99b1348..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_19.png deleted file mode 100644 index 8bd0f9c26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_20.png deleted file mode 100644 index a9e6c7308..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_01.png deleted file mode 100644 index b3c4e5551..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_02.png deleted file mode 100644 index f103fece8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_03.png deleted file mode 100644 index 4273ec505..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_04.png deleted file mode 100644 index 16510228e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_05.png deleted file mode 100644 index 129324ebd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_06.png deleted file mode 100644 index 59faeb3f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_07.png deleted file mode 100644 index e26f2bf07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_08.png deleted file mode 100644 index 031c95c7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_09.png deleted file mode 100644 index 023042d6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_10.png deleted file mode 100644 index 5cfe528ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_11.png deleted file mode 100644 index e90e37e4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_12.png deleted file mode 100644 index 51d086fcb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_13.png deleted file mode 100644 index e153ce6ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_14.png deleted file mode 100644 index 6fcd9d01c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_15.png deleted file mode 100644 index aeca0be6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_16.png deleted file mode 100644 index eaeafa7e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_17.png deleted file mode 100644 index 4972f4078..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_18.png deleted file mode 100644 index bd6fb9336..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_19.png deleted file mode 100644 index 525f283a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_20.png deleted file mode 100644 index 82e55641d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_01.png deleted file mode 100644 index 5ac4a7518..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_02.png deleted file mode 100644 index 67e8e4f78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_03.png deleted file mode 100644 index 4bbb31951..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_04.png deleted file mode 100644 index d4103bf08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_05.png deleted file mode 100644 index 0f6594564..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_06.png deleted file mode 100644 index a490bf1c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_07.png deleted file mode 100644 index 2708a840c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_08.png deleted file mode 100644 index 7849c47f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_09.png deleted file mode 100644 index ce8a42557..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_10.png deleted file mode 100644 index 5ff3d68ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_11.png deleted file mode 100644 index 223d9d75e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_12.png deleted file mode 100644 index 11fa826ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_13.png deleted file mode 100644 index 639bf699a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_14.png deleted file mode 100644 index 56677fb27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_15.png deleted file mode 100644 index b86ee8370..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_16.png deleted file mode 100644 index d74a8771d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_17.png deleted file mode 100644 index a70ae483f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_18.png deleted file mode 100644 index dbdd08301..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_19.png deleted file mode 100644 index e3dab651e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_20.png deleted file mode 100644 index 0af7457f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_01.png deleted file mode 100644 index 884a864dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_02.png deleted file mode 100644 index 7fbee8815..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_03.png deleted file mode 100644 index a336e9498..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_04.png deleted file mode 100644 index 05e427ac0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_05.png deleted file mode 100644 index 4cb84602f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_06.png deleted file mode 100644 index b2eda4ea4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_07.png deleted file mode 100644 index 80d68effd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_08.png deleted file mode 100644 index e890a844d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_09.png deleted file mode 100644 index 3c602d3d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_10.png deleted file mode 100644 index bbb08ab71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_11.png deleted file mode 100644 index c52838446..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_12.png deleted file mode 100644 index 280aa5c22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_13.png deleted file mode 100644 index 399f9f33a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_14.png deleted file mode 100644 index 64be2be0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_15.png deleted file mode 100644 index 8623116e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_16.png deleted file mode 100644 index 253aaf7f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_17.png deleted file mode 100644 index b1e53211e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_18.png deleted file mode 100644 index de020291f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_19.png deleted file mode 100644 index 1210d4b08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_20.png deleted file mode 100644 index fec8ad151..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_01.png deleted file mode 100644 index 51000d5fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_02.png deleted file mode 100644 index bb60a1f63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_03.png deleted file mode 100644 index c0a219cf1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_04.png deleted file mode 100644 index ba646f143..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_05.png deleted file mode 100644 index 08104883f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_06.png deleted file mode 100644 index 1e011f247..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_07.png deleted file mode 100644 index 15f5089c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_08.png deleted file mode 100644 index f089ed52f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_09.png deleted file mode 100644 index 22713bd09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_10.png deleted file mode 100644 index c2675821e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_11.png deleted file mode 100644 index da79a0bb1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_12.png deleted file mode 100644 index 8f7b75793..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_13.png deleted file mode 100644 index f1a278b01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_14.png deleted file mode 100644 index 49914ee89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_15.png deleted file mode 100644 index 952ee5042..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_16.png deleted file mode 100644 index 9cdb5db2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_17.png deleted file mode 100644 index fbb453f72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_18.png deleted file mode 100644 index 5da93cefd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_19.png deleted file mode 100644 index 9b46ff816..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_20.png deleted file mode 100644 index 389e0fd48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_01.png deleted file mode 100644 index 9175de9d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_02.png deleted file mode 100644 index 573fb2cde..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_03.png deleted file mode 100644 index becd5b4f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_04.png deleted file mode 100644 index 1802036cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_05.png deleted file mode 100644 index 0e2730991..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_06.png deleted file mode 100644 index 4a326fa17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_07.png deleted file mode 100644 index f939a30c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_08.png deleted file mode 100644 index 6befb91c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_09.png deleted file mode 100644 index c93933bed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_10.png deleted file mode 100644 index a0d570e60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_11.png deleted file mode 100644 index 72379fb98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_12.png deleted file mode 100644 index b08d14339..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_13.png deleted file mode 100644 index 400b10cb8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_14.png deleted file mode 100644 index 47a550640..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_15.png deleted file mode 100644 index 59783d0e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_16.png deleted file mode 100644 index 5d66f8b39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_17.png deleted file mode 100644 index 5cdab6bba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_18.png deleted file mode 100644 index ab970d7df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_19.png deleted file mode 100644 index 81891770c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_20.png deleted file mode 100644 index c60a79a7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_01.png deleted file mode 100644 index 83f1c15da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_02.png deleted file mode 100644 index 18055c2b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_03.png deleted file mode 100644 index 0c31e9a0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_04.png deleted file mode 100644 index 9cb31edb2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_05.png deleted file mode 100644 index b0a8b741d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_06.png deleted file mode 100644 index e2551f3ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_07.png deleted file mode 100644 index e13c457fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_08.png deleted file mode 100644 index d46fe3855..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_09.png deleted file mode 100644 index 882e55e9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_10.png deleted file mode 100644 index a03112399..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_11.png deleted file mode 100644 index 3b0f85c29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_12.png deleted file mode 100644 index 941be17e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_13.png deleted file mode 100644 index ce05cc5a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_14.png deleted file mode 100644 index 581ffe50a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_15.png deleted file mode 100644 index c17df69a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_16.png deleted file mode 100644 index b37fe9dc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_17.png deleted file mode 100644 index 8ac1c2b14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_18.png deleted file mode 100644 index e6445c83b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_19.png deleted file mode 100644 index 2a44cb68e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_20.png deleted file mode 100644 index 66d917f31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_01.png deleted file mode 100644 index 77f36486b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_02.png deleted file mode 100644 index a493f95f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_03.png deleted file mode 100644 index dfe134ad1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_04.png deleted file mode 100644 index 35f9b68a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_05.png deleted file mode 100644 index e69f66d95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_06.png deleted file mode 100644 index 8bbdeac93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_07.png deleted file mode 100644 index d1d54a1fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_08.png deleted file mode 100644 index b3a5d0413..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_09.png deleted file mode 100644 index dca448677..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_10.png deleted file mode 100644 index 4e053d88b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_11.png deleted file mode 100644 index fbb509331..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_12.png deleted file mode 100644 index e9259cc0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_13.png deleted file mode 100644 index 46f770928..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_14.png deleted file mode 100644 index 285679017..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_15.png deleted file mode 100644 index d198aeab5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_16.png deleted file mode 100644 index 9b9fde525..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_17.png deleted file mode 100644 index da5ee003f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_18.png deleted file mode 100644 index 2d6922203..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_19.png deleted file mode 100644 index 77e1b384a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_20.png deleted file mode 100644 index 68c9ba81c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_01.png deleted file mode 100644 index 2bc99e3ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_02.png deleted file mode 100644 index 1d45a7c39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_03.png deleted file mode 100644 index 5c078f34a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_04.png deleted file mode 100644 index 00ae6a920..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_05.png deleted file mode 100644 index 984e4dde2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_06.png deleted file mode 100644 index 26a6471bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_07.png deleted file mode 100644 index 617ed630a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_08.png deleted file mode 100644 index bcf131ea6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_09.png deleted file mode 100644 index 63bf0217e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_10.png deleted file mode 100644 index d8f258a41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_11.png deleted file mode 100644 index 308882271..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_12.png deleted file mode 100644 index c9e834f6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_13.png deleted file mode 100644 index f60abf4cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_14.png deleted file mode 100644 index c354f2322..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_15.png deleted file mode 100644 index 0cf67c699..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_16.png deleted file mode 100644 index 99de892c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_17.png deleted file mode 100644 index 03beea25b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_18.png deleted file mode 100644 index 74d92a6ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_19.png deleted file mode 100644 index ed5136355..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_20.png deleted file mode 100644 index 1141b8e69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_01.png deleted file mode 100644 index 826bc01ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_02.png deleted file mode 100644 index c9cbf698f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_03.png deleted file mode 100644 index 3c18939b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_04.png deleted file mode 100644 index 830b0846e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_05.png deleted file mode 100644 index b95f903fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_06.png deleted file mode 100644 index 4179523b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_07.png deleted file mode 100644 index 4359ba4b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_08.png deleted file mode 100644 index 84959f5ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_09.png deleted file mode 100644 index 323e5f4fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_10.png deleted file mode 100644 index 8652a68c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_11.png deleted file mode 100644 index 3fee141bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_12.png deleted file mode 100644 index 4cb7a791c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_13.png deleted file mode 100644 index 4a99a07e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_14.png deleted file mode 100644 index fc393230d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_15.png deleted file mode 100644 index d68a64432..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_16.png deleted file mode 100644 index ee5a61284..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_17.png deleted file mode 100644 index c34a3b5b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_18.png deleted file mode 100644 index 9ef19a6d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_19.png deleted file mode 100644 index f04d1ad8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_20.png deleted file mode 100644 index fdad7a73e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_01.png deleted file mode 100644 index feeb83c72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_02.png deleted file mode 100644 index 880c75002..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_03.png deleted file mode 100644 index 64330cf9d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_04.png deleted file mode 100644 index 5d7284f67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_05.png deleted file mode 100644 index 63c7b011b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_06.png deleted file mode 100644 index 6896688aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_07.png deleted file mode 100644 index 0691d7db7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_08.png deleted file mode 100644 index 1e65df6b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_09.png deleted file mode 100644 index 4dfb0a4a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_10.png deleted file mode 100644 index 0f04b77f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_11.png deleted file mode 100644 index a73ed91bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_12.png deleted file mode 100644 index c875c2609..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_13.png deleted file mode 100644 index 5c5650196..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_14.png deleted file mode 100644 index 3edeca021..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_15.png deleted file mode 100644 index b515b8d44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_16.png deleted file mode 100644 index fa7e9a91c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_17.png deleted file mode 100644 index e3220bf8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_18.png deleted file mode 100644 index 4df86b82f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_19.png deleted file mode 100644 index 6b73afaa6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_20.png deleted file mode 100644 index c035b0b85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_01.png deleted file mode 100644 index 0633d1d15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_02.png deleted file mode 100644 index 8e10f8dc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_03.png deleted file mode 100644 index e6f29f3ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_04.png deleted file mode 100644 index 5f8ad5861..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_05.png deleted file mode 100644 index 1e461a4a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_06.png deleted file mode 100644 index 531dfb575..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_07.png deleted file mode 100644 index 0ed561993..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_08.png deleted file mode 100644 index b5a509c7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_09.png deleted file mode 100644 index bec7a153a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_10.png deleted file mode 100644 index e73ecc4c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_11.png deleted file mode 100644 index 139c96494..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_12.png deleted file mode 100644 index d0531bb39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_13.png deleted file mode 100644 index 7f41054ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_14.png deleted file mode 100644 index c4a9abe79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_15.png deleted file mode 100644 index 05316c516..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_16.png deleted file mode 100644 index be7f0ec30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_17.png deleted file mode 100644 index 78b472782..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_18.png deleted file mode 100644 index ef44e900e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_19.png deleted file mode 100644 index 2763f1f9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_20.png deleted file mode 100644 index cc7846b59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_01.png deleted file mode 100644 index 817befb0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_02.png deleted file mode 100644 index d3c5802d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_03.png deleted file mode 100644 index 9e16a7c12..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_04.png deleted file mode 100644 index cd22fc73f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_05.png deleted file mode 100644 index a9c74c32a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_06.png deleted file mode 100644 index 22a2caf54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_07.png deleted file mode 100644 index 6eb6b4df2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_08.png deleted file mode 100644 index 83c5ea670..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_09.png deleted file mode 100644 index a24b7f85e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_10.png deleted file mode 100644 index c0014be72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_11.png deleted file mode 100644 index f58b0f7e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_12.png deleted file mode 100644 index be8cb427b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_13.png deleted file mode 100644 index 94a9d9d96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_14.png deleted file mode 100644 index 5ae204579..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_15.png deleted file mode 100644 index 17e41db3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_16.png deleted file mode 100644 index acfc56777..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_17.png deleted file mode 100644 index 74e09527c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_18.png deleted file mode 100644 index abb548ab8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_19.png deleted file mode 100644 index cc7b0a45a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_20.png deleted file mode 100644 index c80524623..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_01.png deleted file mode 100644 index c7787d623..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_02.png deleted file mode 100644 index e8385f5b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_03.png deleted file mode 100644 index 074e68fa0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_04.png deleted file mode 100644 index a86ac0569..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_05.png deleted file mode 100644 index be46f84c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_06.png deleted file mode 100644 index 26a91eeb8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_07.png deleted file mode 100644 index ac17daf09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_08.png deleted file mode 100644 index 0593c2c14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_09.png deleted file mode 100644 index 98a0da5a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_10.png deleted file mode 100644 index 8c72fe19d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_11.png deleted file mode 100644 index 80c81ff6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_12.png deleted file mode 100644 index de32efc6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_13.png deleted file mode 100644 index ea2d90c3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_14.png deleted file mode 100644 index 3c7aa7ceb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_15.png deleted file mode 100644 index 0c73bb516..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_16.png deleted file mode 100644 index 988dc9d74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_17.png deleted file mode 100644 index 325869c0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_18.png deleted file mode 100644 index 11e8f9661..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_19.png deleted file mode 100644 index e8324ce95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_20.png deleted file mode 100644 index 1c1288787..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_01.png deleted file mode 100644 index 41a2cab3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_02.png deleted file mode 100644 index ce4591b31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_03.png deleted file mode 100644 index 1db3cc95f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_04.png deleted file mode 100644 index a86dbbf26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_05.png deleted file mode 100644 index 88e803000..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_06.png deleted file mode 100644 index 8429309b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_07.png deleted file mode 100644 index e1b4920a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_08.png deleted file mode 100644 index f26dd2851..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_09.png deleted file mode 100644 index 910d3cc3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_10.png deleted file mode 100644 index 57e65b50e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_11.png deleted file mode 100644 index 8df0b82ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_12.png deleted file mode 100644 index e24cdf88e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_13.png deleted file mode 100644 index 1aaccf28d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_14.png deleted file mode 100644 index b43f02d6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_15.png deleted file mode 100644 index 91d883238..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_16.png deleted file mode 100644 index 24c33ad2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_17.png deleted file mode 100644 index d9435a3a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_18.png deleted file mode 100644 index 3479ae507..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_19.png deleted file mode 100644 index a37e1e48a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_20.png deleted file mode 100644 index d87d474c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_01.png deleted file mode 100644 index 6863d564b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_02.png deleted file mode 100644 index 78756539f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_03.png deleted file mode 100644 index 7c8c2e146..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_04.png deleted file mode 100644 index bfbdb8594..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_05.png deleted file mode 100644 index 9e7a38396..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_06.png deleted file mode 100644 index a8cd0af49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_07.png deleted file mode 100644 index bbbf89ad3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_08.png deleted file mode 100644 index 2ae6d8d41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_09.png deleted file mode 100644 index 287ba8758..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_10.png deleted file mode 100644 index e26407a6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_11.png deleted file mode 100644 index daaad2e88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_12.png deleted file mode 100644 index 4f052fea6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_13.png deleted file mode 100644 index f3890eca3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_14.png deleted file mode 100644 index 764d3f4af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_15.png deleted file mode 100644 index f4279cab6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_16.png deleted file mode 100644 index 8a5bbcd74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_17.png deleted file mode 100644 index 923d0d89c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_18.png deleted file mode 100644 index 6f6b429ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_19.png deleted file mode 100644 index ccfe9b578..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_20.png deleted file mode 100644 index b3eeeec2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_01.png deleted file mode 100644 index a2b30a193..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_02.png deleted file mode 100644 index 8f5f50a5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_03.png deleted file mode 100644 index 45906c738..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_04.png deleted file mode 100644 index ae7e2f942..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_05.png deleted file mode 100644 index 6fb6fc1ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_06.png deleted file mode 100644 index 48f8c4429..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_07.png deleted file mode 100644 index ec1303d35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_08.png deleted file mode 100644 index 84305a6bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_09.png deleted file mode 100644 index b23ff8a0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_10.png deleted file mode 100644 index b3030ecaf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_11.png deleted file mode 100644 index a72ce53cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_12.png deleted file mode 100644 index 30d36ab5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_13.png deleted file mode 100644 index 0eb5aff3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_14.png deleted file mode 100644 index d0fc0e258..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_15.png deleted file mode 100644 index ab7fdc346..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_16.png deleted file mode 100644 index 09f4ceffa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_17.png deleted file mode 100644 index a9fe5ea6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_18.png deleted file mode 100644 index ac237b4a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_19.png deleted file mode 100644 index 12bf66b7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_20.png deleted file mode 100644 index 64417d49c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_01.png deleted file mode 100644 index 3c71115f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_02.png deleted file mode 100644 index 810a1c7b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_03.png deleted file mode 100644 index 67ba4a517..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_04.png deleted file mode 100644 index 8847468da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_05.png deleted file mode 100644 index 46e1f656f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_06.png deleted file mode 100644 index 0ff0475de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_07.png deleted file mode 100644 index aec262782..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_08.png deleted file mode 100644 index 7c4300e6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_09.png deleted file mode 100644 index 028c2c470..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_10.png deleted file mode 100644 index 89bedd862..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_11.png deleted file mode 100644 index 0818478ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_12.png deleted file mode 100644 index 9acb48afe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_13.png deleted file mode 100644 index 8d1b1af90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_14.png deleted file mode 100644 index 51026d8f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_15.png deleted file mode 100644 index e64e05b3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_16.png deleted file mode 100644 index d2d2fc65c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_17.png deleted file mode 100644 index c8ca3d9d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_18.png deleted file mode 100644 index c9b51c96f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_19.png deleted file mode 100644 index 12241c178..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_20.png deleted file mode 100644 index c0a8efd3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_01.png deleted file mode 100644 index 13356be28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_02.png deleted file mode 100644 index 7bb085607..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_03.png deleted file mode 100644 index 11e7f4c87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_04.png deleted file mode 100644 index 98a7d3210..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_05.png deleted file mode 100644 index 53bec6fff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_06.png deleted file mode 100644 index db43d268f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_07.png deleted file mode 100644 index 72be8b9ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_08.png deleted file mode 100644 index 3566b9e30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_09.png deleted file mode 100644 index a38106359..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_10.png deleted file mode 100644 index 5a52f1edc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_11.png deleted file mode 100644 index 122044c67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_12.png deleted file mode 100644 index b0cf20368..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_13.png deleted file mode 100644 index 4ac82c86e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_14.png deleted file mode 100644 index 29b16b7e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_15.png deleted file mode 100644 index 3c86d153f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_16.png deleted file mode 100644 index b6270bb79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_17.png deleted file mode 100644 index 8c9c3d6e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_18.png deleted file mode 100644 index 06fb4a022..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_19.png deleted file mode 100644 index ed360e6f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_20.png deleted file mode 100644 index 8d940c89a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_01.png deleted file mode 100644 index e1d598bd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_02.png deleted file mode 100644 index a8351b84d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_03.png deleted file mode 100644 index 0c59f1f0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_04.png deleted file mode 100644 index 26a17d4df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_05.png deleted file mode 100644 index 1ec7ca37b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_06.png deleted file mode 100644 index 228dd647c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_07.png deleted file mode 100644 index 855433760..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_08.png deleted file mode 100644 index bdc9cbef8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_09.png deleted file mode 100644 index 2980c7364..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_10.png deleted file mode 100644 index 8623f9e01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_11.png deleted file mode 100644 index a4e775a9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_12.png deleted file mode 100644 index 43aae5df3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_13.png deleted file mode 100644 index bad8c16e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_14.png deleted file mode 100644 index 737d1039c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_15.png deleted file mode 100644 index f129c456c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_16.png deleted file mode 100644 index 61a396f8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_17.png deleted file mode 100644 index e85dc4b92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_18.png deleted file mode 100644 index cf6b75fcf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_19.png deleted file mode 100644 index 5b511355c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_20.png deleted file mode 100644 index 0541b55b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_01.png deleted file mode 100644 index 0d8683122..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_02.png deleted file mode 100644 index 8d604a4c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_03.png deleted file mode 100644 index ab0ea0f8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_04.png deleted file mode 100644 index 290d5d87a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_05.png deleted file mode 100644 index b2e8a6dc4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_06.png deleted file mode 100644 index 342294067..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_07.png deleted file mode 100644 index d0691aa5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_08.png deleted file mode 100644 index 804b80bfc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_09.png deleted file mode 100644 index 00f7f07e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_10.png deleted file mode 100644 index fb029da91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_11.png deleted file mode 100644 index 66160c831..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_12.png deleted file mode 100644 index 1d8d62f9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_13.png deleted file mode 100644 index 966fccba5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_14.png deleted file mode 100644 index 0d75f1318..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_15.png deleted file mode 100644 index 8ae078c09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_16.png deleted file mode 100644 index 9bf4e856a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_17.png deleted file mode 100644 index 05dd3fdc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_18.png deleted file mode 100644 index b2b9c427a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_19.png deleted file mode 100644 index 58781128a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_20.png deleted file mode 100644 index 7e1806777..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_01.png deleted file mode 100644 index 0b869411e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_02.png deleted file mode 100644 index eb7fe0654..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_03.png deleted file mode 100644 index d6d6335d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_04.png deleted file mode 100644 index 4fc248720..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_05.png deleted file mode 100644 index ed539e0fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_06.png deleted file mode 100644 index cc5f23aed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_07.png deleted file mode 100644 index a143c4ad4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_08.png deleted file mode 100644 index 06c9f90b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_09.png deleted file mode 100644 index d2c494f8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_10.png deleted file mode 100644 index fb924e7ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_11.png deleted file mode 100644 index 7a2a7c9b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_12.png deleted file mode 100644 index 75584cead..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_13.png deleted file mode 100644 index 911fd5bbf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_14.png deleted file mode 100644 index c82af7482..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_15.png deleted file mode 100644 index a139bffce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_16.png deleted file mode 100644 index 2207509d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_17.png deleted file mode 100644 index db647005e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_18.png deleted file mode 100644 index 9ff10da34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_19.png deleted file mode 100644 index bed91396c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_20.png deleted file mode 100644 index 2a813aff8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_01.png deleted file mode 100644 index fa88bae3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_02.png deleted file mode 100644 index b876cd898..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_03.png deleted file mode 100644 index a8219b34d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_04.png deleted file mode 100644 index cb3c43de0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_05.png deleted file mode 100644 index f8f754de5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_06.png deleted file mode 100644 index 057e82493..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_07.png deleted file mode 100644 index a47e8aa36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_08.png deleted file mode 100644 index 0648a4e19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_09.png deleted file mode 100644 index f103ebbd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_10.png deleted file mode 100644 index 83045df59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_11.png deleted file mode 100644 index 278c7dc38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_12.png deleted file mode 100644 index e1f329605..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_13.png deleted file mode 100644 index 57fd019bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_14.png deleted file mode 100644 index 123d595b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_15.png deleted file mode 100644 index 1871572e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_16.png deleted file mode 100644 index 69dc2f03a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_17.png deleted file mode 100644 index 7f1e2a246..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_18.png deleted file mode 100644 index f3ce3a8d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_19.png deleted file mode 100644 index b9e62141a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_20.png deleted file mode 100644 index 7df12b127..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_01.png deleted file mode 100644 index c50a1baac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_02.png deleted file mode 100644 index 56a96fa31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_03.png deleted file mode 100644 index 4f8faf39d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_04.png deleted file mode 100644 index a1b26d1a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_05.png deleted file mode 100644 index e884b5cec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_06.png deleted file mode 100644 index 72df7eff3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_07.png deleted file mode 100644 index 62ea706d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_08.png deleted file mode 100644 index 7cba627b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_09.png deleted file mode 100644 index 241e7ef46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_10.png deleted file mode 100644 index d1d95faf7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_11.png deleted file mode 100644 index 2d3636c25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_12.png deleted file mode 100644 index 27c586424..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_13.png deleted file mode 100644 index bd58625a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_14.png deleted file mode 100644 index ce2dfb2ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_15.png deleted file mode 100644 index 30ec2cc94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_16.png deleted file mode 100644 index e650a0584..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_17.png deleted file mode 100644 index bf05c6181..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_18.png deleted file mode 100644 index 66e476bd6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_19.png deleted file mode 100644 index 482229dd4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_20.png deleted file mode 100644 index 48d7458db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_01.png deleted file mode 100644 index 894e67272..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_02.png deleted file mode 100644 index 30de6f5e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_03.png deleted file mode 100644 index f2c274df0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_04.png deleted file mode 100644 index 4465637fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_05.png deleted file mode 100644 index bd61480f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_06.png deleted file mode 100644 index 01c92806e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_07.png deleted file mode 100644 index 053b2e363..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_08.png deleted file mode 100644 index df0f5f1cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_09.png deleted file mode 100644 index 30b04af39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_10.png deleted file mode 100644 index a55f6c5ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_11.png deleted file mode 100644 index 0470324c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_12.png deleted file mode 100644 index 1c6286563..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_13.png deleted file mode 100644 index 6b230de1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_14.png deleted file mode 100644 index 7f522a5f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_15.png deleted file mode 100644 index 0f80fca82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_16.png deleted file mode 100644 index c4512d169..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_17.png deleted file mode 100644 index b6e35bc2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_18.png deleted file mode 100644 index e4ec3412e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_19.png deleted file mode 100644 index 15259c8c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_20.png deleted file mode 100644 index f6a621d94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_01.png deleted file mode 100644 index e2f6292d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_02.png deleted file mode 100644 index 40ad1efc2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_03.png deleted file mode 100644 index fce20d784..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_04.png deleted file mode 100644 index 21f95faec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_05.png deleted file mode 100644 index e3f546ed7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_06.png deleted file mode 100644 index d982423f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_07.png deleted file mode 100644 index 72c4b8527..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_08.png deleted file mode 100644 index 34f3c9b13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_09.png deleted file mode 100644 index f57864701..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_10.png deleted file mode 100644 index 550a7b9da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_11.png deleted file mode 100644 index 280d0c11b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_12.png deleted file mode 100644 index cfd01c8ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_13.png deleted file mode 100644 index ec298e1d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_14.png deleted file mode 100644 index 393887e5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_15.png deleted file mode 100644 index 0f4a13ca3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_16.png deleted file mode 100644 index e428d0628..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_17.png deleted file mode 100644 index 06524fbf7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_18.png deleted file mode 100644 index 4379c9892..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_19.png deleted file mode 100644 index 4a242f3d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_20.png deleted file mode 100644 index ea5b02795..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_01.png deleted file mode 100644 index cd61caa7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_02.png deleted file mode 100644 index 7d1715d71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_03.png deleted file mode 100644 index 22108a71d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_04.png deleted file mode 100644 index ada222c2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_05.png deleted file mode 100644 index 32c238d78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_06.png deleted file mode 100644 index 8663e944e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_07.png deleted file mode 100644 index ddc77ca4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_08.png deleted file mode 100644 index 13af29127..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_09.png deleted file mode 100644 index 9d9da61a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_10.png deleted file mode 100644 index 38199482e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_11.png deleted file mode 100644 index 1594dd9fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_12.png deleted file mode 100644 index 391671f1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_13.png deleted file mode 100644 index fb9481b01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_14.png deleted file mode 100644 index 1b72a02a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_15.png deleted file mode 100644 index 28399b6a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_16.png deleted file mode 100644 index 6b51a6a3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_17.png deleted file mode 100644 index 0b38e927d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_18.png deleted file mode 100644 index 791e58ec6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_19.png deleted file mode 100644 index 472ecf5ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_20.png deleted file mode 100644 index 4b068b84d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_01.png deleted file mode 100644 index 35e5a5461..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_02.png deleted file mode 100644 index b9ba714f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_03.png deleted file mode 100644 index e5567d215..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_04.png deleted file mode 100644 index 0f5986ba2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_05.png deleted file mode 100644 index 49f3acdee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_06.png deleted file mode 100644 index 0fe58170f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_07.png deleted file mode 100644 index 8e7f53096..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_08.png deleted file mode 100644 index 8226b4e1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_09.png deleted file mode 100644 index 579d810ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_10.png deleted file mode 100644 index ce71c09eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_11.png deleted file mode 100644 index 2e0f1773c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_12.png deleted file mode 100644 index 1dd50c9a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_13.png deleted file mode 100644 index 7b1df6e8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_14.png deleted file mode 100644 index 063af1755..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_15.png deleted file mode 100644 index ffe5ba2fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_16.png deleted file mode 100644 index fa0b32d24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_17.png deleted file mode 100644 index 39c7818fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_18.png deleted file mode 100644 index 25651ace0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_19.png deleted file mode 100644 index 49edbed0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_20.png deleted file mode 100644 index 14f8c8fe1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_01.png deleted file mode 100644 index 9fee46331..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_02.png deleted file mode 100644 index 52b949d31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_03.png deleted file mode 100644 index 2cce87788..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_04.png deleted file mode 100644 index 8198a3791..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_05.png deleted file mode 100644 index 387e33de1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_06.png deleted file mode 100644 index 59f8613e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_07.png deleted file mode 100644 index 7d2c4b492..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_08.png deleted file mode 100644 index 1fa3c0114..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_09.png deleted file mode 100644 index 5f08b8062..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_10.png deleted file mode 100644 index 50c85667b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_11.png deleted file mode 100644 index 75428c3a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_12.png deleted file mode 100644 index 15fc00dca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_13.png deleted file mode 100644 index eb738236d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_14.png deleted file mode 100644 index c08edfd62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_15.png deleted file mode 100644 index fcea9be12..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_16.png deleted file mode 100644 index b32b8fa77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_17.png deleted file mode 100644 index 0fa20500e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_18.png deleted file mode 100644 index c099e3aad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_19.png deleted file mode 100644 index f7a1b77b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_20.png deleted file mode 100644 index 2bb38cac1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_01.png deleted file mode 100644 index dab4641d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_02.png deleted file mode 100644 index 5b5c6da1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_03.png deleted file mode 100644 index 53b76ab53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_04.png deleted file mode 100644 index 916fc9cd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_05.png deleted file mode 100644 index ae2c163f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_06.png deleted file mode 100644 index a45f83e65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_07.png deleted file mode 100644 index 8d71c7a46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_08.png deleted file mode 100644 index 1cbd0f1cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_09.png deleted file mode 100644 index 4d3483744..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_10.png deleted file mode 100644 index e66f230c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_11.png deleted file mode 100644 index 412abb2ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_12.png deleted file mode 100644 index 6fd82f215..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_13.png deleted file mode 100644 index 36402a418..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_14.png deleted file mode 100644 index 008b4698c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_15.png deleted file mode 100644 index 6a17d04a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_16.png deleted file mode 100644 index 4de09890b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_17.png deleted file mode 100644 index ef6450264..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_18.png deleted file mode 100644 index a12310526..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_19.png deleted file mode 100644 index 3589d02e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_20.png deleted file mode 100644 index f77d558af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_01.png deleted file mode 100644 index d3d38dbce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_02.png deleted file mode 100644 index bc87b037e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_03.png deleted file mode 100644 index 826d540c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_04.png deleted file mode 100644 index ba0ee13d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_05.png deleted file mode 100644 index 3b8a7adab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_06.png deleted file mode 100644 index cbbf19a7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_07.png deleted file mode 100644 index 9a5d3474f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_08.png deleted file mode 100644 index f0b6abaf8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_09.png deleted file mode 100644 index 00ea61073..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_10.png deleted file mode 100644 index 2769ba395..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_11.png deleted file mode 100644 index e2dbb2e26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_12.png deleted file mode 100644 index 3482ff942..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_13.png deleted file mode 100644 index 1ac0cd4a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_14.png deleted file mode 100644 index 2bf01f8f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_15.png deleted file mode 100644 index 81c58e77a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_16.png deleted file mode 100644 index 15daae1ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_17.png deleted file mode 100644 index f97659682..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_18.png deleted file mode 100644 index d84f4c112..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_19.png deleted file mode 100644 index e766ff43a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_20.png deleted file mode 100644 index 0c812b1be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_01.png deleted file mode 100644 index 453b422c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_02.png deleted file mode 100644 index 9e073d672..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_03.png deleted file mode 100644 index e4f79a4f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_04.png deleted file mode 100644 index 91d35a346..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_05.png deleted file mode 100644 index f69729c6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_06.png deleted file mode 100644 index 3a40eea30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_07.png deleted file mode 100644 index e243b6c5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_08.png deleted file mode 100644 index ec38e09f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_09.png deleted file mode 100644 index a03cf2881..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_10.png deleted file mode 100644 index df0255d37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_11.png deleted file mode 100644 index 1923c60b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_12.png deleted file mode 100644 index c533856ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_13.png deleted file mode 100644 index ca6febc78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_14.png deleted file mode 100644 index 09a1fe959..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_15.png deleted file mode 100644 index 3ddb2d5b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_16.png deleted file mode 100644 index 2b061d625..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_17.png deleted file mode 100644 index 19cc4100c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_18.png deleted file mode 100644 index 06fb45fd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_19.png deleted file mode 100644 index c5bb33aa6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_20.png deleted file mode 100644 index 7a430acca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_01.png deleted file mode 100644 index 25b713624..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_02.png deleted file mode 100644 index d70161cda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_03.png deleted file mode 100644 index acf053d77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_04.png deleted file mode 100644 index ac7eaa2de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_05.png deleted file mode 100644 index 6da1abc38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_06.png deleted file mode 100644 index 378739615..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_07.png deleted file mode 100644 index aad770093..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_08.png deleted file mode 100644 index 0f9ca90ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_09.png deleted file mode 100644 index 3fe22684a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_10.png deleted file mode 100644 index 92352ac3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_11.png deleted file mode 100644 index 61b2f8bea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_12.png deleted file mode 100644 index afc599652..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_13.png deleted file mode 100644 index 9f4ae9e32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_14.png deleted file mode 100644 index 7d940030a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_15.png deleted file mode 100644 index 019aeb097..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_16.png deleted file mode 100644 index 4662b209a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_17.png deleted file mode 100644 index f44f4e04a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_18.png deleted file mode 100644 index 04226c7d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_19.png deleted file mode 100644 index 0d6197754..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_20.png deleted file mode 100644 index c4725dc30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_01.png deleted file mode 100644 index bf1305907..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_02.png deleted file mode 100644 index 00523ccba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_03.png deleted file mode 100644 index 6b37eaaff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_04.png deleted file mode 100644 index 33c39bd1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_05.png deleted file mode 100644 index 1a6add51c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_06.png deleted file mode 100644 index ef0ecb0e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_07.png deleted file mode 100644 index 507394140..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_08.png deleted file mode 100644 index 4fd0b99d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_09.png deleted file mode 100644 index 5300db941..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_10.png deleted file mode 100644 index 4d65b4bd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_11.png deleted file mode 100644 index b3c16a6bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_12.png deleted file mode 100644 index ca9c1c748..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_13.png deleted file mode 100644 index 47bed0ef6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_14.png deleted file mode 100644 index 57616d683..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_15.png deleted file mode 100644 index 1550a6b6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_16.png deleted file mode 100644 index f696a126b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_17.png deleted file mode 100644 index 37adb3672..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_18.png deleted file mode 100644 index 9ecf1eabe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_19.png deleted file mode 100644 index 30f49e18e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_20.png deleted file mode 100644 index 3a31de072..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_01.png deleted file mode 100644 index 9af6d81f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_02.png deleted file mode 100644 index 4a577203b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_03.png deleted file mode 100644 index 3f0bc9671..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_04.png deleted file mode 100644 index 22917c6fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_05.png deleted file mode 100644 index fed74b866..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_06.png deleted file mode 100644 index 4ea3f0707..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_07.png deleted file mode 100644 index 6abadb64a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_08.png deleted file mode 100644 index d3b769f53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_09.png deleted file mode 100644 index b43708aca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_10.png deleted file mode 100644 index dc28fa96e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_11.png deleted file mode 100644 index 3e6cfacf3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_12.png deleted file mode 100644 index 90e5c7776..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_13.png deleted file mode 100644 index c3fadfca4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_14.png deleted file mode 100644 index 45024b071..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_15.png deleted file mode 100644 index d03011614..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_16.png deleted file mode 100644 index 8cc8d47be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_17.png deleted file mode 100644 index 13dbf680d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_18.png deleted file mode 100644 index 4ea593476..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_19.png deleted file mode 100644 index 86b784b31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_20.png deleted file mode 100644 index c71594f94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_01.png deleted file mode 100644 index d1ef3ebcd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_02.png deleted file mode 100644 index 550d86dec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_03.png deleted file mode 100644 index 5f6a3cf82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_04.png deleted file mode 100644 index 589001ef4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_05.png deleted file mode 100644 index 21a2fe756..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_06.png deleted file mode 100644 index 31cbf73a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_07.png deleted file mode 100644 index a411734f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_08.png deleted file mode 100644 index 43a922fdd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_09.png deleted file mode 100644 index ea159c27a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_10.png deleted file mode 100644 index f159cd1a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_11.png deleted file mode 100644 index e07ddab28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_12.png deleted file mode 100644 index 37528f65f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_13.png deleted file mode 100644 index bc67951c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_14.png deleted file mode 100644 index 020030ed2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_15.png deleted file mode 100644 index 0c097ee99..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_16.png deleted file mode 100644 index 407c0adc4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_17.png deleted file mode 100644 index 7defb929e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_18.png deleted file mode 100644 index 52c509979..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_19.png deleted file mode 100644 index 33057017a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_20.png deleted file mode 100644 index d88def8da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_01.png deleted file mode 100644 index c9cad547f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_02.png deleted file mode 100644 index 7278b518b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_03.png deleted file mode 100644 index 3d683abc8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_04.png deleted file mode 100644 index 89fbe10eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_05.png deleted file mode 100644 index 8ed07fb93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_06.png deleted file mode 100644 index 75a28fb82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_07.png deleted file mode 100644 index 0c0f3883f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_08.png deleted file mode 100644 index fb67ca1e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_09.png deleted file mode 100644 index 9372327f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_10.png deleted file mode 100644 index ded2d6777..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_11.png deleted file mode 100644 index aa58e801f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_12.png deleted file mode 100644 index 5810a757f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_13.png deleted file mode 100644 index 631a48520..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_14.png deleted file mode 100644 index 4a83480f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_15.png deleted file mode 100644 index ab80b331a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_16.png deleted file mode 100644 index 60202cfa0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_17.png deleted file mode 100644 index 025348d34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_18.png deleted file mode 100644 index ed4eb604c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_19.png deleted file mode 100644 index e9228febf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_20.png deleted file mode 100644 index 20d4acddf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_01.png deleted file mode 100644 index 457f6e810..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_02.png deleted file mode 100644 index e1db15996..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_03.png deleted file mode 100644 index 0fef7e99d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_04.png deleted file mode 100644 index 6ebf15afd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_05.png deleted file mode 100644 index 376c996b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_06.png deleted file mode 100644 index e86927381..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_07.png deleted file mode 100644 index 361df1923..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_08.png deleted file mode 100644 index c47b9dc92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_09.png deleted file mode 100644 index 4dc517c22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_10.png deleted file mode 100644 index a4cb62e4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_11.png deleted file mode 100644 index c302f0f5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_12.png deleted file mode 100644 index 22a2294c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_13.png deleted file mode 100644 index 5b4ebd5c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_14.png deleted file mode 100644 index 29cc79a9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_15.png deleted file mode 100644 index e349fa050..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_16.png deleted file mode 100644 index c6512fb5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_17.png deleted file mode 100644 index 1eaaf9031..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_18.png deleted file mode 100644 index 4854298a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_19.png deleted file mode 100644 index 9c2e481de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_20.png deleted file mode 100644 index a7ec3a097..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_01.png deleted file mode 100644 index 691d0a835..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_02.png deleted file mode 100644 index 55862b14a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_03.png deleted file mode 100644 index 92d01caf4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_04.png deleted file mode 100644 index 283aa43b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_05.png deleted file mode 100644 index de2436a97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_06.png deleted file mode 100644 index 6a89e8faa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_07.png deleted file mode 100644 index 9d189a1da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_08.png deleted file mode 100644 index 7ab080041..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_09.png deleted file mode 100644 index 6b8e1129c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_10.png deleted file mode 100644 index eac06e6e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_11.png deleted file mode 100644 index 387588266..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_12.png deleted file mode 100644 index b79d6b0ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_13.png deleted file mode 100644 index 1e747cdc8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_14.png deleted file mode 100644 index 16d6aef0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_15.png deleted file mode 100644 index 2ad06bf1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_16.png deleted file mode 100644 index 7da865623..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_17.png deleted file mode 100644 index a41659d65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_18.png deleted file mode 100644 index a82ecf2ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_19.png deleted file mode 100644 index 5bd345520..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_20.png deleted file mode 100644 index 000ac6678..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_01.png deleted file mode 100644 index d764b66b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_02.png deleted file mode 100644 index 95631fb17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_03.png deleted file mode 100644 index a45ba1bab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_04.png deleted file mode 100644 index 4db5a5353..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_05.png deleted file mode 100644 index cd734a84b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_06.png deleted file mode 100644 index d9f7a9f68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_07.png deleted file mode 100644 index bb0c23c4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_08.png deleted file mode 100644 index 53bc21424..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_09.png deleted file mode 100644 index a2e252f21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_10.png deleted file mode 100644 index 3a8fcc979..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_11.png deleted file mode 100644 index a109068d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_12.png deleted file mode 100644 index 6e9b1209a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_13.png deleted file mode 100644 index 016f858d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_14.png deleted file mode 100644 index 0f24d9e5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_15.png deleted file mode 100644 index df06464e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_16.png deleted file mode 100644 index a97b954f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_17.png deleted file mode 100644 index db0048f70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_18.png deleted file mode 100644 index 8bd76cb43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_19.png deleted file mode 100644 index c0697edc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_20.png deleted file mode 100644 index 42cb769cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_01.png deleted file mode 100644 index cc4242dda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_02.png deleted file mode 100644 index d2fbc0ceb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_03.png deleted file mode 100644 index ac7946ec7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_04.png deleted file mode 100644 index 1e61cab6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_05.png deleted file mode 100644 index edacde8da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_06.png deleted file mode 100644 index e83a2a956..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_07.png deleted file mode 100644 index 5ea97ae8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_08.png deleted file mode 100644 index d10919e67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_09.png deleted file mode 100644 index 18c6fcdb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_10.png deleted file mode 100644 index 4c62587f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_11.png deleted file mode 100644 index 65d989a86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_12.png deleted file mode 100644 index 4c729ec7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_13.png deleted file mode 100644 index fb511ab07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_14.png deleted file mode 100644 index 6e2381bd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_15.png deleted file mode 100644 index e97d64a7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_16.png deleted file mode 100644 index f3f7f1fae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_17.png deleted file mode 100644 index 97a8146dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_18.png deleted file mode 100644 index ca477c1d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_19.png deleted file mode 100644 index 1e2628277..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_20.png deleted file mode 100644 index b9a3fbb1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_01.png deleted file mode 100644 index 24070f63b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_02.png deleted file mode 100644 index 8590aee87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_03.png deleted file mode 100644 index bde37601e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_04.png deleted file mode 100644 index 667734d0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_05.png deleted file mode 100644 index ab5ae6e93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_06.png deleted file mode 100644 index 9b0bf4379..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_07.png deleted file mode 100644 index 6ab47ff24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_08.png deleted file mode 100644 index 853586ddd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_09.png deleted file mode 100644 index 23eb828ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_10.png deleted file mode 100644 index 0d05977a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_11.png deleted file mode 100644 index d6f1f304e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_12.png deleted file mode 100644 index 13229ce48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_13.png deleted file mode 100644 index 8e8597287..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_14.png deleted file mode 100644 index 55c235e9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_15.png deleted file mode 100644 index e566faad4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_16.png deleted file mode 100644 index 3c17fbf4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_17.png deleted file mode 100644 index 18b2444bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_18.png deleted file mode 100644 index 5fd70edad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_19.png deleted file mode 100644 index 6231919cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_20.png deleted file mode 100644 index eb6f73a91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_01.png deleted file mode 100644 index d0a03a7fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_02.png deleted file mode 100644 index 3b15f004a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_03.png deleted file mode 100644 index c50375b95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_04.png deleted file mode 100644 index 72be12122..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_05.png deleted file mode 100644 index 6c25fd4ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_06.png deleted file mode 100644 index 082b9415f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_07.png deleted file mode 100644 index 0aba01d7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_08.png deleted file mode 100644 index a70e692cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_09.png deleted file mode 100644 index 809d4ed0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_10.png deleted file mode 100644 index 653be82f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_11.png deleted file mode 100644 index 26bffae3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_12.png deleted file mode 100644 index 851d070af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_13.png deleted file mode 100644 index 6d48cf669..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_14.png deleted file mode 100644 index 24c79ece3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_15.png deleted file mode 100644 index 219cdc86b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_16.png deleted file mode 100644 index 79e21f1d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_17.png deleted file mode 100644 index 1484a0198..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_18.png deleted file mode 100644 index 10d8e5339..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_19.png deleted file mode 100644 index d89a744a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_20.png deleted file mode 100644 index 169f2589d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_01.png deleted file mode 100644 index 49ad8540f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_02.png deleted file mode 100644 index 2e25b06b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_03.png deleted file mode 100644 index 9e9eecfea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_04.png deleted file mode 100644 index 71b5ebf08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_05.png deleted file mode 100644 index 7776e7d67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_06.png deleted file mode 100644 index f027e8dbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_07.png deleted file mode 100644 index ded071555..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_08.png deleted file mode 100644 index 2038e6f05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_09.png deleted file mode 100644 index 195e935c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_10.png deleted file mode 100644 index 7b3a50519..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_11.png deleted file mode 100644 index 9aa5de8b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_12.png deleted file mode 100644 index fe92b0905..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_13.png deleted file mode 100644 index 3126d49e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_14.png deleted file mode 100644 index 3b9fe1da6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_15.png deleted file mode 100644 index 6e55e237d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_16.png deleted file mode 100644 index 93527fd08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_17.png deleted file mode 100644 index da63afa3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_18.png deleted file mode 100644 index 14c6a9b69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_19.png deleted file mode 100644 index bfafe2fd6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_20.png deleted file mode 100644 index 687e80634..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_01.png deleted file mode 100644 index feb171ab1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_02.png deleted file mode 100644 index 79477d2c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_03.png deleted file mode 100644 index 5b4c7d607..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_04.png deleted file mode 100644 index b092fd488..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_05.png deleted file mode 100644 index 20ee1c119..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_06.png deleted file mode 100644 index c166d5c9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_07.png deleted file mode 100644 index 30bc59510..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_08.png deleted file mode 100644 index f3cae2ff4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_09.png deleted file mode 100644 index 150b578a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_10.png deleted file mode 100644 index 8602fc5a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_11.png deleted file mode 100644 index 8926abf60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_12.png deleted file mode 100644 index e68130221..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_13.png deleted file mode 100644 index cbc46a7ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_14.png deleted file mode 100644 index 238668048..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_15.png deleted file mode 100644 index cbec51d44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_16.png deleted file mode 100644 index db8b2aa0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_17.png deleted file mode 100644 index c2300b6db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_18.png deleted file mode 100644 index de81a8102..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_19.png deleted file mode 100644 index 18f1c2ead..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_20.png deleted file mode 100644 index cc5e5c07b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_01.png deleted file mode 100644 index fd74bec16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_02.png deleted file mode 100644 index 4af9c96a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_03.png deleted file mode 100644 index 0d8f00902..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_04.png deleted file mode 100644 index b60ffea5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_05.png deleted file mode 100644 index 811dd0996..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_06.png deleted file mode 100644 index 184944874..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_07.png deleted file mode 100644 index 1144c23ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_08.png deleted file mode 100644 index 4311ab901..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_09.png deleted file mode 100644 index 085a514d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_10.png deleted file mode 100644 index 67956a575..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_11.png deleted file mode 100644 index 6c5718750..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_12.png deleted file mode 100644 index 89e9152e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_13.png deleted file mode 100644 index 2103feeb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_14.png deleted file mode 100644 index 01ad9fbd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_15.png deleted file mode 100644 index 3ff8e6de6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_16.png deleted file mode 100644 index 777062f7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_17.png deleted file mode 100644 index 89560b48b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_18.png deleted file mode 100644 index 588bd4905..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_19.png deleted file mode 100644 index f71b9f7cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_20.png deleted file mode 100644 index ebe0020ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_01.png deleted file mode 100644 index 42cb43e62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_02.png deleted file mode 100644 index 8ce1f84ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_03.png deleted file mode 100644 index 4d024a506..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_04.png deleted file mode 100644 index c4f91259d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_05.png deleted file mode 100644 index 0567f96ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_06.png deleted file mode 100644 index ef2be657c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_07.png deleted file mode 100644 index bd6824d45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_08.png deleted file mode 100644 index 19f7fdb68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_09.png deleted file mode 100644 index 55e217529..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_10.png deleted file mode 100644 index 415c4a90e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_11.png deleted file mode 100644 index 2133809c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_12.png deleted file mode 100644 index 897a01cc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_13.png deleted file mode 100644 index ffea91b75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_14.png deleted file mode 100644 index 6faeb3b0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_15.png deleted file mode 100644 index 5ca8353d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_16.png deleted file mode 100644 index 394c89f53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_17.png deleted file mode 100644 index 7ddcfb788..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_18.png deleted file mode 100644 index 8f669382e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_19.png deleted file mode 100644 index 91365b2f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_20.png deleted file mode 100644 index 35c5cd88c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_01.png deleted file mode 100644 index ce27a6edf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_02.png deleted file mode 100644 index 94fd9dea8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_03.png deleted file mode 100644 index 6e6bbeace..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_04.png deleted file mode 100644 index 1cee743fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_05.png deleted file mode 100644 index 098748fbe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_06.png deleted file mode 100644 index 39daaf440..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_07.png deleted file mode 100644 index 5fe90a892..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_08.png deleted file mode 100644 index eb904b979..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_09.png deleted file mode 100644 index 5cc881d34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_10.png deleted file mode 100644 index 62496e07e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_11.png deleted file mode 100644 index 8930f4e6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_12.png deleted file mode 100644 index ba456018a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_13.png deleted file mode 100644 index 9be8245ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_14.png deleted file mode 100644 index 2475e64c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_15.png deleted file mode 100644 index f89e0ebe1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_16.png deleted file mode 100644 index 2a004ed4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_17.png deleted file mode 100644 index 9aca802b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_18.png deleted file mode 100644 index 89f821d8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_19.png deleted file mode 100644 index 13c5dc5ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_20.png deleted file mode 100644 index 65688a492..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_01.png deleted file mode 100644 index 968cf0216..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_02.png deleted file mode 100644 index 56aaf4f5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_03.png deleted file mode 100644 index f51239cae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_04.png deleted file mode 100644 index 1563a1aa8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_05.png deleted file mode 100644 index 2a1dd6776..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_06.png deleted file mode 100644 index 0310385c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_07.png deleted file mode 100644 index c04c00ecd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_08.png deleted file mode 100644 index 4117a88dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_09.png deleted file mode 100644 index e36794c75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_10.png deleted file mode 100644 index 4815e77e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_11.png deleted file mode 100644 index 85fc3a534..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_12.png deleted file mode 100644 index 3de08ad1d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_13.png deleted file mode 100644 index 7a68c5e77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_14.png deleted file mode 100644 index e3a615c6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_15.png deleted file mode 100644 index 6c33bf643..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_16.png deleted file mode 100644 index 12b55694f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_17.png deleted file mode 100644 index 53c84633f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_18.png deleted file mode 100644 index 9aa0c2b02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_19.png deleted file mode 100644 index 52c8a934c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_20.png deleted file mode 100644 index ef189ee0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_01.png deleted file mode 100644 index d1a095e3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_02.png deleted file mode 100644 index 52ad025f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_03.png deleted file mode 100644 index a473a0f03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_04.png deleted file mode 100644 index 4f32bf099..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_05.png deleted file mode 100644 index fdb080f6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_06.png deleted file mode 100644 index 89d39b0e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_07.png deleted file mode 100644 index 099b0f862..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_08.png deleted file mode 100644 index 2d760b65a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_09.png deleted file mode 100644 index 0af64efe1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_10.png deleted file mode 100644 index db86b5cc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_11.png deleted file mode 100644 index bbb9cf2ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_12.png deleted file mode 100644 index c30404fa2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_13.png deleted file mode 100644 index db07e0c23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_14.png deleted file mode 100644 index ec8daae8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_15.png deleted file mode 100644 index 5e3e4a9ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_16.png deleted file mode 100644 index d7871db15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_17.png deleted file mode 100644 index c507ba6b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_18.png deleted file mode 100644 index 0c324fbda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_19.png deleted file mode 100644 index 05fb886a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_20.png deleted file mode 100644 index 972c13bbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_01.png deleted file mode 100644 index 2a6e45fdd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_02.png deleted file mode 100644 index 41c22f368..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_03.png deleted file mode 100644 index 68ffba511..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_04.png deleted file mode 100644 index c086dc745..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_05.png deleted file mode 100644 index d7ea2b977..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_06.png deleted file mode 100644 index 10af4f84f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_07.png deleted file mode 100644 index c028c8abb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_08.png deleted file mode 100644 index a58b7d9bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_09.png deleted file mode 100644 index b5e9bea03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_10.png deleted file mode 100644 index 193fba583..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_11.png deleted file mode 100644 index c7bde01ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_12.png deleted file mode 100644 index 8161838fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_13.png deleted file mode 100644 index 67cc1be39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_14.png deleted file mode 100644 index bf3bbf06e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_15.png deleted file mode 100644 index 489e2d2a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_16.png deleted file mode 100644 index a201a3745..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_17.png deleted file mode 100644 index 508745adf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_18.png deleted file mode 100644 index 03bd691c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_19.png deleted file mode 100644 index 2551aa555..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_20.png deleted file mode 100644 index 8813d86b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_01.png deleted file mode 100644 index 1ab35823a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_02.png deleted file mode 100644 index 59ac3212c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_03.png deleted file mode 100644 index 9823ed567..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_04.png deleted file mode 100644 index 14b5efb92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_05.png deleted file mode 100644 index cd35dad5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_06.png deleted file mode 100644 index b3794068d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_07.png deleted file mode 100644 index 723a3ff19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_08.png deleted file mode 100644 index b44e8e46a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_09.png deleted file mode 100644 index 88c77e123..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_10.png deleted file mode 100644 index 8ea70e669..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_11.png deleted file mode 100644 index dd8754848..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_12.png deleted file mode 100644 index 14b4114c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_13.png deleted file mode 100644 index a0275924e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_14.png deleted file mode 100644 index 9437f6991..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_15.png deleted file mode 100644 index aad71fc74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_16.png deleted file mode 100644 index 5342b9889..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_17.png deleted file mode 100644 index 4763acef1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_18.png deleted file mode 100644 index fabacc19f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_19.png deleted file mode 100644 index 89c4a065e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_20.png deleted file mode 100644 index 410192052..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_01.png deleted file mode 100644 index f48696f03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_02.png deleted file mode 100644 index 3f0cdce31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_03.png deleted file mode 100644 index 97802b469..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_04.png deleted file mode 100644 index b8d2cfb4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_05.png deleted file mode 100644 index 129faa889..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_06.png deleted file mode 100644 index 50cc41092..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_07.png deleted file mode 100644 index c9f441b2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_08.png deleted file mode 100644 index b5bb13719..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_09.png deleted file mode 100644 index 06f24d9ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_10.png deleted file mode 100644 index 7dda3cbf0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_11.png deleted file mode 100644 index 695e3bf8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_12.png deleted file mode 100644 index afee146f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_13.png deleted file mode 100644 index 80b6fa5b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_14.png deleted file mode 100644 index 0ef7f2a4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_15.png deleted file mode 100644 index 942bfc11b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_16.png deleted file mode 100644 index a757e1487..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_17.png deleted file mode 100644 index 0f869316a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_18.png deleted file mode 100644 index 6a3982411..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_19.png deleted file mode 100644 index 3789b5443..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_20.png deleted file mode 100644 index 2cda3597a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_01.png deleted file mode 100644 index 70fbd1e81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_02.png deleted file mode 100644 index 3d30514e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_03.png deleted file mode 100644 index 946d51547..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_04.png deleted file mode 100644 index 5d9fb548f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_05.png deleted file mode 100644 index 8c02b3dc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_06.png deleted file mode 100644 index 540a69cd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_07.png deleted file mode 100644 index 264fcd6e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_08.png deleted file mode 100644 index baaddb0a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_09.png deleted file mode 100644 index a9af23278..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_10.png deleted file mode 100644 index 91a1d629a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_11.png deleted file mode 100644 index cf4f03116..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_12.png deleted file mode 100644 index faaf3ac1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_13.png deleted file mode 100644 index e685ad3df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_14.png deleted file mode 100644 index e9d3e1886..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_15.png deleted file mode 100644 index 3983d85ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_16.png deleted file mode 100644 index 1ee80addb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_17.png deleted file mode 100644 index 06f268979..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_18.png deleted file mode 100644 index 68d4ba997..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_19.png deleted file mode 100644 index bd1153c45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_20.png deleted file mode 100644 index b045124ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_01.png deleted file mode 100644 index 959a206a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_02.png deleted file mode 100644 index 776048d85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_03.png deleted file mode 100644 index 5a9ef7405..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_04.png deleted file mode 100644 index 489ba78c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_05.png deleted file mode 100644 index 7733a36c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_06.png deleted file mode 100644 index 577803a0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_07.png deleted file mode 100644 index f9f08cdde..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_08.png deleted file mode 100644 index 661fded35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_09.png deleted file mode 100644 index 689769d68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_10.png deleted file mode 100644 index 4eb22968b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_11.png deleted file mode 100644 index 28531fcd1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_12.png deleted file mode 100644 index f8c24050a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_13.png deleted file mode 100644 index 2293b4e34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_14.png deleted file mode 100644 index fdd31677f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_15.png deleted file mode 100644 index 2db718f0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_16.png deleted file mode 100644 index 83e8db0ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_17.png deleted file mode 100644 index eccb46e68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_18.png deleted file mode 100644 index fa2bed60d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_19.png deleted file mode 100644 index bd73fd0ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_20.png deleted file mode 100644 index 44dc81c39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_01.png deleted file mode 100644 index a92dd900c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_02.png deleted file mode 100644 index 9f8613741..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_03.png deleted file mode 100644 index 4e2161c3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_04.png deleted file mode 100644 index 74790a86d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_05.png deleted file mode 100644 index 4b78eadee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_06.png deleted file mode 100644 index 9a278ed30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_07.png deleted file mode 100644 index 3fa88b6cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_08.png deleted file mode 100644 index a141f1e21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_09.png deleted file mode 100644 index 78702630a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_10.png deleted file mode 100644 index 597be1f5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_11.png deleted file mode 100644 index f2705061e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_12.png deleted file mode 100644 index 00d60c944..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_13.png deleted file mode 100644 index 46ecfb37e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_14.png deleted file mode 100644 index 1d1c2f60e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_15.png deleted file mode 100644 index f0e764eb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_16.png deleted file mode 100644 index 724d28afb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_17.png deleted file mode 100644 index c91d6d3d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_18.png deleted file mode 100644 index 5481a2da4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_19.png deleted file mode 100644 index eb59a8213..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_20.png deleted file mode 100644 index 4c73023cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_01.png deleted file mode 100644 index 578114a75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_02.png deleted file mode 100644 index abf5f6ce7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_03.png deleted file mode 100644 index 64a321800..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_04.png deleted file mode 100644 index 639f8d7ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_05.png deleted file mode 100644 index b490d788d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_06.png deleted file mode 100644 index e18cb18bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_07.png deleted file mode 100644 index 41ba3990b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_08.png deleted file mode 100644 index 160a270de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_09.png deleted file mode 100644 index 2bdb1f52e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_10.png deleted file mode 100644 index 1f9df4969..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_11.png deleted file mode 100644 index f800c3b4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_12.png deleted file mode 100644 index 23ef46cb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_13.png deleted file mode 100644 index f058fb1f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_14.png deleted file mode 100644 index d1ae85686..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_15.png deleted file mode 100644 index f18d98e47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_16.png deleted file mode 100644 index 24458327a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_17.png deleted file mode 100644 index 4244a56f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_18.png deleted file mode 100644 index 7cb672422..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_19.png deleted file mode 100644 index 1732e1c17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_20.png deleted file mode 100644 index dd26147a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_01.png deleted file mode 100644 index 6ed59703e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_02.png deleted file mode 100644 index 037878a58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_03.png deleted file mode 100644 index b9e7570cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_04.png deleted file mode 100644 index fbcbbb4fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_05.png deleted file mode 100644 index 07eb8cbf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_06.png deleted file mode 100644 index a689a2fac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_07.png deleted file mode 100644 index 86037045d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_08.png deleted file mode 100644 index 1a89ae383..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_09.png deleted file mode 100644 index defeeb6c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_10.png deleted file mode 100644 index f0e39a3ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_11.png deleted file mode 100644 index 41d1fce59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_12.png deleted file mode 100644 index 31691297c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_13.png deleted file mode 100644 index 375a42292..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_14.png deleted file mode 100644 index 5e2a4fb46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_15.png deleted file mode 100644 index 5ff4f35a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_16.png deleted file mode 100644 index c92bc7eb7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_17.png deleted file mode 100644 index ce4433559..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_18.png deleted file mode 100644 index e1ebeeb65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_19.png deleted file mode 100644 index 027f72446..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_20.png deleted file mode 100644 index b5b3fd0d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_01.png deleted file mode 100644 index a6f4530f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_02.png deleted file mode 100644 index 782d99ad2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_03.png deleted file mode 100644 index 54969f9f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_04.png deleted file mode 100644 index d0f32699e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_05.png deleted file mode 100644 index 5ef5c00cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_06.png deleted file mode 100644 index 575a5900c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_07.png deleted file mode 100644 index 38c3bb701..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_08.png deleted file mode 100644 index d2a79729d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_09.png deleted file mode 100644 index 0a852f75b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_10.png deleted file mode 100644 index 6cf1e46d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_11.png deleted file mode 100644 index 6f604de44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_12.png deleted file mode 100644 index f4ae84e3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_13.png deleted file mode 100644 index 91c55e9b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_14.png deleted file mode 100644 index 6464b2639..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_15.png deleted file mode 100644 index 226cca35b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_16.png deleted file mode 100644 index ed2c19b0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_17.png deleted file mode 100644 index 2a3fc19ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_18.png deleted file mode 100644 index 1b28a1126..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_19.png deleted file mode 100644 index 4e9081dd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_20.png deleted file mode 100644 index ed8c88a02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_01.png deleted file mode 100644 index 57a2e8a37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_02.png deleted file mode 100644 index 6c4225257..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_03.png deleted file mode 100644 index 7201a84fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_04.png deleted file mode 100644 index cff07f375..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_05.png deleted file mode 100644 index 5c706bc44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_06.png deleted file mode 100644 index 5726a1082..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_07.png deleted file mode 100644 index 55cfcd52e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_08.png deleted file mode 100644 index 9f7dc235d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_09.png deleted file mode 100644 index c461ccf87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_10.png deleted file mode 100644 index 8fb16e4b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_11.png deleted file mode 100644 index 31369d309..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_12.png deleted file mode 100644 index 87a535c22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_13.png deleted file mode 100644 index 0df316f53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_14.png deleted file mode 100644 index fe349dd6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_15.png deleted file mode 100644 index c2c1b4fc0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_16.png deleted file mode 100644 index 38d126107..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_17.png deleted file mode 100644 index 9226d19f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_18.png deleted file mode 100644 index 2f6393f4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_19.png deleted file mode 100644 index 4cc483375..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_20.png deleted file mode 100644 index 6f52dda1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_01.png deleted file mode 100644 index e436361aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_02.png deleted file mode 100644 index 547a75536..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_03.png deleted file mode 100644 index 69d9cf720..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_04.png deleted file mode 100644 index c189c0bf9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_05.png deleted file mode 100644 index 3e4a87cad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_06.png deleted file mode 100644 index c367030ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_07.png deleted file mode 100644 index 32227d10e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_08.png deleted file mode 100644 index 30bc045cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_09.png deleted file mode 100644 index 7a19fff27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_10.png deleted file mode 100644 index 155b9e3f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_11.png deleted file mode 100644 index 46988e99a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_12.png deleted file mode 100644 index 48740dbd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_13.png deleted file mode 100644 index e7138ec17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_14.png deleted file mode 100644 index 3da79661a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_15.png deleted file mode 100644 index 3552a8764..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_16.png deleted file mode 100644 index 9498d5fec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_17.png deleted file mode 100644 index e43219a67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_18.png deleted file mode 100644 index ba988ba19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_19.png deleted file mode 100644 index 3b77cf0d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_20.png deleted file mode 100644 index d6b18f6c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_01.png deleted file mode 100644 index 7d274b563..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_02.png deleted file mode 100644 index 80ec308bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_03.png deleted file mode 100644 index 261a111f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_04.png deleted file mode 100644 index 98f62bad8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_05.png deleted file mode 100644 index 5ec24967d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_06.png deleted file mode 100644 index 0541682e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_07.png deleted file mode 100644 index b0a76dec9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_08.png deleted file mode 100644 index a57157613..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_09.png deleted file mode 100644 index 7698be266..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_10.png deleted file mode 100644 index 7f22fc971..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_11.png deleted file mode 100644 index 613272c56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_12.png deleted file mode 100644 index 89c401bb0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_13.png deleted file mode 100644 index 898b4f1bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_14.png deleted file mode 100644 index 982057d9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_15.png deleted file mode 100644 index 4825cb997..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_16.png deleted file mode 100644 index 331f93694..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_17.png deleted file mode 100644 index d3f3bf541..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_18.png deleted file mode 100644 index 7a9ab7de2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_19.png deleted file mode 100644 index 42c3f1f6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_20.png deleted file mode 100644 index 3fa8b156d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_01.png deleted file mode 100644 index 8228fffe2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_02.png deleted file mode 100644 index d0c0eb8cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_03.png deleted file mode 100644 index b767f6d74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_04.png deleted file mode 100644 index 7c99930bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_05.png deleted file mode 100644 index b69cd7a2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_06.png deleted file mode 100644 index cc130ef9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_07.png deleted file mode 100644 index e8309ff05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_08.png deleted file mode 100644 index 9a2a57f99..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_09.png deleted file mode 100644 index 4da1e59c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_10.png deleted file mode 100644 index 1ba9cf064..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_11.png deleted file mode 100644 index 145adad10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_12.png deleted file mode 100644 index 5b9ac30b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_13.png deleted file mode 100644 index 7aa629b39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_14.png deleted file mode 100644 index 5f6455f3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_15.png deleted file mode 100644 index e67fb687b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_16.png deleted file mode 100644 index 47239b772..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_17.png deleted file mode 100644 index 7bc38f09e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_18.png deleted file mode 100644 index e8915ea45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_19.png deleted file mode 100644 index 5dc882757..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_20.png deleted file mode 100644 index ce58f17f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_01.png deleted file mode 100644 index 216b7c20f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_02.png deleted file mode 100644 index 552f28779..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_03.png deleted file mode 100644 index a7da04a27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_04.png deleted file mode 100644 index 982fc6d2e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_05.png deleted file mode 100644 index 36d97163e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_06.png deleted file mode 100644 index 5fd9e0030..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_07.png deleted file mode 100644 index fa554242e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_08.png deleted file mode 100644 index 596eb3420..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_09.png deleted file mode 100644 index c06d79dfe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_10.png deleted file mode 100644 index b5014441a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_11.png deleted file mode 100644 index a6ba6369e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_12.png deleted file mode 100644 index 5656dda74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_13.png deleted file mode 100644 index fcfa4f7c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_14.png deleted file mode 100644 index 1925b467b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_15.png deleted file mode 100644 index b8e699226..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_16.png deleted file mode 100644 index 51f421282..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_17.png deleted file mode 100644 index 3ef814525..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_18.png deleted file mode 100644 index a29cfd93d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_19.png deleted file mode 100644 index 6cf5e4537..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_20.png deleted file mode 100644 index 4436c0675..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_01.png deleted file mode 100644 index 7dbe7657c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_02.png deleted file mode 100644 index f724bc159..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_03.png deleted file mode 100644 index 7851bd3d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_04.png deleted file mode 100644 index 9d3d4eac0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_05.png deleted file mode 100644 index 7dbcf9bb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_06.png deleted file mode 100644 index 91487dea0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_07.png deleted file mode 100644 index 00b43e45b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_08.png deleted file mode 100644 index 97ee6f639..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_09.png deleted file mode 100644 index 6a4cc9bf8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_10.png deleted file mode 100644 index 87027f8b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_11.png deleted file mode 100644 index bbe96ecee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_12.png deleted file mode 100644 index 34f0d72bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_13.png deleted file mode 100644 index bffbb07fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_14.png deleted file mode 100644 index 8cc86157e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_15.png deleted file mode 100644 index 0ecac795d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_16.png deleted file mode 100644 index 0a81f4c2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_17.png deleted file mode 100644 index 0b7ac1cb1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_18.png deleted file mode 100644 index 4515dca4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_19.png deleted file mode 100644 index 7f82eda2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_20.png deleted file mode 100644 index fcaaa31ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_01.png deleted file mode 100644 index aec77cd05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_02.png deleted file mode 100644 index d19db7eee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_03.png deleted file mode 100644 index e8033093d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_04.png deleted file mode 100644 index 9feb68fee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_05.png deleted file mode 100644 index c56ab90b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_06.png deleted file mode 100644 index 01dd316d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_07.png deleted file mode 100644 index cdd9b3276..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_08.png deleted file mode 100644 index 8938866ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_09.png deleted file mode 100644 index e37025c20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_10.png deleted file mode 100644 index 8724a1a7b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_11.png deleted file mode 100644 index 4198b6084..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_12.png deleted file mode 100644 index c1c5d38c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_13.png deleted file mode 100644 index 3d5e55263..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_14.png deleted file mode 100644 index 5340d3095..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_15.png deleted file mode 100644 index b9919d887..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_16.png deleted file mode 100644 index 34dda42d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_17.png deleted file mode 100644 index 949a11446..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_18.png deleted file mode 100644 index 4183499d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_19.png deleted file mode 100644 index 23d962826..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_20.png deleted file mode 100644 index e29f2fe8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_01.png deleted file mode 100644 index 890862a67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_02.png deleted file mode 100644 index 3f3db0540..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_03.png deleted file mode 100644 index 5ed2931ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_04.png deleted file mode 100644 index 78cb5a7c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_05.png deleted file mode 100644 index eb30e5c83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_06.png deleted file mode 100644 index b776a61b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_07.png deleted file mode 100644 index 6b2864116..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_08.png deleted file mode 100644 index 1b30ce43b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_09.png deleted file mode 100644 index 67ea29ea4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_10.png deleted file mode 100644 index 6e86e91ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_11.png deleted file mode 100644 index 345b20f37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_12.png deleted file mode 100644 index 2fa37f314..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_13.png deleted file mode 100644 index f56d838ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_14.png deleted file mode 100644 index 5e1a55e8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_15.png deleted file mode 100644 index c23c099e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_16.png deleted file mode 100644 index 449dd8af6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_17.png deleted file mode 100644 index 48d667a52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_18.png deleted file mode 100644 index 184caae55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_19.png deleted file mode 100644 index 321d66a75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_20.png deleted file mode 100644 index a9f71025c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_01.png deleted file mode 100644 index 0996d3b08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_02.png deleted file mode 100644 index 495e1a808..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_03.png deleted file mode 100644 index 20e3a4cd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_04.png deleted file mode 100644 index 4bd80a7e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_05.png deleted file mode 100644 index bab76831b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_06.png deleted file mode 100644 index c874aecf1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_07.png deleted file mode 100644 index 068c7b02d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_08.png deleted file mode 100644 index 1c3fd673c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_09.png deleted file mode 100644 index ade88f52b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_10.png deleted file mode 100644 index 59dc32d00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_11.png deleted file mode 100644 index b79f127b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_12.png deleted file mode 100644 index 2e84a8098..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_13.png deleted file mode 100644 index 2ab1c4ccb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_14.png deleted file mode 100644 index dafb9ebc0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_15.png deleted file mode 100644 index e208a4350..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_16.png deleted file mode 100644 index ac7517578..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_17.png deleted file mode 100644 index 85ee8b036..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_18.png deleted file mode 100644 index 87957462f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_19.png deleted file mode 100644 index a1c174472..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_20.png deleted file mode 100644 index e8ba4d988..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_01.png deleted file mode 100644 index 696f2dbfd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_02.png deleted file mode 100644 index a03e6b75c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_03.png deleted file mode 100644 index 1f85f21af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_04.png deleted file mode 100644 index c52b8872a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_05.png deleted file mode 100644 index ceaacdddd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_06.png deleted file mode 100644 index 703364d49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_07.png deleted file mode 100644 index bf50a72ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_08.png deleted file mode 100644 index cd67590fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_09.png deleted file mode 100644 index db757e126..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_10.png deleted file mode 100644 index fed6c5c6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_11.png deleted file mode 100644 index 9f94e721e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_12.png deleted file mode 100644 index aa811c612..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_13.png deleted file mode 100644 index 1ef4c5f34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_14.png deleted file mode 100644 index e8ce660cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_15.png deleted file mode 100644 index ec0076116..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_16.png deleted file mode 100644 index 01af339a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_17.png deleted file mode 100644 index c5cbcdd77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_18.png deleted file mode 100644 index 9182832d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_19.png deleted file mode 100644 index 20a56f5d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_20.png deleted file mode 100644 index c314cd957..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_01.png deleted file mode 100644 index c72811c5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_02.png deleted file mode 100644 index e57d06dae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_03.png deleted file mode 100644 index 07368ba6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_04.png deleted file mode 100644 index 492b35d26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_05.png deleted file mode 100644 index 3d1e47b37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_06.png deleted file mode 100644 index 4ae3af969..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_07.png deleted file mode 100644 index ce9468bd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_08.png deleted file mode 100644 index 20a21022b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_09.png deleted file mode 100644 index 339e82439..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_10.png deleted file mode 100644 index f281cc3fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_11.png deleted file mode 100644 index 9c56f658a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_12.png deleted file mode 100644 index 56d428da9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_13.png deleted file mode 100644 index 474048edc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_14.png deleted file mode 100644 index b3cb9781d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_15.png deleted file mode 100644 index 80885944b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_16.png deleted file mode 100644 index de7ec99f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_17.png deleted file mode 100644 index 3c7a4d721..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_18.png deleted file mode 100644 index 9a9262681..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_19.png deleted file mode 100644 index db3604015..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_20.png deleted file mode 100644 index fdafba8d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_01.png deleted file mode 100644 index 55e6b8dfa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_02.png deleted file mode 100644 index b7a3c1753..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_03.png deleted file mode 100644 index 53a6ed926..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_04.png deleted file mode 100644 index 3cddd9c7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_05.png deleted file mode 100644 index 5ec563801..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_06.png deleted file mode 100644 index 4b4a50955..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_07.png deleted file mode 100644 index 52c5a058f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_08.png deleted file mode 100644 index f6ec771e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_09.png deleted file mode 100644 index bfba052fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_10.png deleted file mode 100644 index e0890d0d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_11.png deleted file mode 100644 index 54ce6bf45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_12.png deleted file mode 100644 index b3b232cc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_13.png deleted file mode 100644 index 1bbfb7e84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_14.png deleted file mode 100644 index 2f7406124..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_15.png deleted file mode 100644 index ca4199d95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_16.png deleted file mode 100644 index 58263999f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_17.png deleted file mode 100644 index d8565d7ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_18.png deleted file mode 100644 index 757be1902..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_19.png deleted file mode 100644 index fe13781df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_20.png deleted file mode 100644 index 69c895264..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_01.png deleted file mode 100644 index df4d032a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_02.png deleted file mode 100644 index 7cfa293d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_03.png deleted file mode 100644 index af024e032..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_04.png deleted file mode 100644 index 2e563caf6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_05.png deleted file mode 100644 index 2caeca1a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_06.png deleted file mode 100644 index dc56ce462..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_07.png deleted file mode 100644 index 96cf9687d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_08.png deleted file mode 100644 index 8309a7320..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_09.png deleted file mode 100644 index e45dbe325..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_10.png deleted file mode 100644 index ce89597a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_11.png deleted file mode 100644 index c4aa537d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_12.png deleted file mode 100644 index bec6be546..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_13.png deleted file mode 100644 index c7b19abc4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_14.png deleted file mode 100644 index 66df835a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_15.png deleted file mode 100644 index fa7f790fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_16.png deleted file mode 100644 index ddd64c073..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_17.png deleted file mode 100644 index cb8b498f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_18.png deleted file mode 100644 index c8e11342f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_19.png deleted file mode 100644 index 1e9253b71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_20.png deleted file mode 100644 index 2d9e30505..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_01.png deleted file mode 100644 index 5b8551bf6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_02.png deleted file mode 100644 index a2650a168..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_03.png deleted file mode 100644 index deff94c4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_04.png deleted file mode 100644 index d660a4806..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_05.png deleted file mode 100644 index 654a91ff8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_06.png deleted file mode 100644 index 546f55234..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_07.png deleted file mode 100644 index 8d52fb30d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_08.png deleted file mode 100644 index de2adf959..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_09.png deleted file mode 100644 index e34de54b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_10.png deleted file mode 100644 index dc39725a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_11.png deleted file mode 100644 index 7aaefd7f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_12.png deleted file mode 100644 index 63a0f265e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_13.png deleted file mode 100644 index 275b28082..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_14.png deleted file mode 100644 index af51c815a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_15.png deleted file mode 100644 index f944590f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_16.png deleted file mode 100644 index 120390ad4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_17.png deleted file mode 100644 index 5db6b5e81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_18.png deleted file mode 100644 index 6c11e2a1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_19.png deleted file mode 100644 index 36de4160e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_20.png deleted file mode 100644 index 9d16c6770..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_01.png deleted file mode 100644 index 67746851a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_02.png deleted file mode 100644 index f32f0f035..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_03.png deleted file mode 100644 index 49e417baf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_04.png deleted file mode 100644 index 8306f3bd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_05.png deleted file mode 100644 index a70b78d6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_06.png deleted file mode 100644 index 85aa0546b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_07.png deleted file mode 100644 index 718b36968..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_08.png deleted file mode 100644 index fca988d9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_09.png deleted file mode 100644 index bfc060532..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_10.png deleted file mode 100644 index dbdb7016b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_11.png deleted file mode 100644 index eaa3bd722..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_12.png deleted file mode 100644 index 5ebd07117..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_13.png deleted file mode 100644 index 82cc81635..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_14.png deleted file mode 100644 index 777afa696..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_15.png deleted file mode 100644 index 55975255e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_16.png deleted file mode 100644 index b3dd2a6c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_17.png deleted file mode 100644 index 53ba6f62f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_18.png deleted file mode 100644 index 70fdf8712..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_19.png deleted file mode 100644 index ef7ee2656..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_20.png deleted file mode 100644 index e63195987..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_01.png deleted file mode 100644 index 41526eedf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_02.png deleted file mode 100644 index e2d12cc60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_03.png deleted file mode 100644 index 426a5aaef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_04.png deleted file mode 100644 index 3f08744ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_05.png deleted file mode 100644 index 4bb849604..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_06.png deleted file mode 100644 index e0b4e47ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_07.png deleted file mode 100644 index 038445d87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_08.png deleted file mode 100644 index 00173f5be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_09.png deleted file mode 100644 index fabc4c4e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_10.png deleted file mode 100644 index 477c2dc7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_11.png deleted file mode 100644 index 3b54c07ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_12.png deleted file mode 100644 index 32e806162..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_13.png deleted file mode 100644 index 9fb3eb026..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_14.png deleted file mode 100644 index 9b532a9bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_15.png deleted file mode 100644 index 7732f2dad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_16.png deleted file mode 100644 index fc4efbc22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_17.png deleted file mode 100644 index 030b93431..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_18.png deleted file mode 100644 index 967b12d54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_19.png deleted file mode 100644 index 5d6a60d7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_20.png deleted file mode 100644 index c0a61f951..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_01.png deleted file mode 100644 index aa97799f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_02.png deleted file mode 100644 index 3f6e27c53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_03.png deleted file mode 100644 index 08802b51a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_04.png deleted file mode 100644 index 114b414c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_05.png deleted file mode 100644 index 320a119ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_06.png deleted file mode 100644 index adb131418..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_07.png deleted file mode 100644 index 7b8377a65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_08.png deleted file mode 100644 index 042881852..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_09.png deleted file mode 100644 index 8a245a5fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_10.png deleted file mode 100644 index cc7197583..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_11.png deleted file mode 100644 index ba8e91849..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_12.png deleted file mode 100644 index 88137ad13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_13.png deleted file mode 100644 index 17a55c1bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_14.png deleted file mode 100644 index a6c584dc7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_15.png deleted file mode 100644 index f5b7affc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_16.png deleted file mode 100644 index 8119ccf7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_17.png deleted file mode 100644 index 0666d89c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_18.png deleted file mode 100644 index 5564c5311..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_19.png deleted file mode 100644 index 46e529196..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_20.png deleted file mode 100644 index d0248aafa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_01.png deleted file mode 100644 index 94175343f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_02.png deleted file mode 100644 index 43fcdc24d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_03.png deleted file mode 100644 index 179eb9a75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_04.png deleted file mode 100644 index 62c29b308..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_05.png deleted file mode 100644 index 4e0d9698c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_06.png deleted file mode 100644 index 10b96721f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_07.png deleted file mode 100644 index fe81ddd64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_08.png deleted file mode 100644 index 37abc3467..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_09.png deleted file mode 100644 index 82c155c32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_10.png deleted file mode 100644 index e7670ac27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_11.png deleted file mode 100644 index 4b8062ac9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_12.png deleted file mode 100644 index 8ec51be2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_13.png deleted file mode 100644 index e67e6d6d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_14.png deleted file mode 100644 index ef2b967d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_15.png deleted file mode 100644 index dd0a03f7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_16.png deleted file mode 100644 index f9b5744ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_17.png deleted file mode 100644 index ac8549d68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_18.png deleted file mode 100644 index d5f12d253..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_19.png deleted file mode 100644 index 505fbad0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_20.png deleted file mode 100644 index 6a63b3edd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_01.png deleted file mode 100644 index 5a972f53a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_02.png deleted file mode 100644 index a30086e9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_03.png deleted file mode 100644 index bfb953bd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_04.png deleted file mode 100644 index b7baa8e4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_05.png deleted file mode 100644 index f298a3de7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_06.png deleted file mode 100644 index 3330d7165..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_07.png deleted file mode 100644 index 9cab88404..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_08.png deleted file mode 100644 index 7e11e88ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_09.png deleted file mode 100644 index 265e4e54f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_10.png deleted file mode 100644 index 53ef3bb3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_11.png deleted file mode 100644 index 3beb51b3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_12.png deleted file mode 100644 index c83534440..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_13.png deleted file mode 100644 index cada7bf0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_14.png deleted file mode 100644 index c469a24a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_15.png deleted file mode 100644 index a7187d676..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_16.png deleted file mode 100644 index 8f18afeae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_17.png deleted file mode 100644 index d510fc9df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_18.png deleted file mode 100644 index 6e57b5c9d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_19.png deleted file mode 100644 index 777ae89a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_20.png deleted file mode 100644 index 3fb1e6169..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_01.png deleted file mode 100644 index 4aabbb759..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_02.png deleted file mode 100644 index 953cb9ef4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_03.png deleted file mode 100644 index d88ca48dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_04.png deleted file mode 100644 index 03fd02181..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_05.png deleted file mode 100644 index e2b1fe6c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_06.png deleted file mode 100644 index 5e54b076a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_07.png deleted file mode 100644 index 73b8e4d15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_08.png deleted file mode 100644 index 09f0bebc2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_09.png deleted file mode 100644 index 7d4887935..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_10.png deleted file mode 100644 index b300389cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_11.png deleted file mode 100644 index 25d1af34f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_12.png deleted file mode 100644 index d0c3abf85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_13.png deleted file mode 100644 index 3d9df20ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_14.png deleted file mode 100644 index c934b25fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_15.png deleted file mode 100644 index 9a52dbe4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_16.png deleted file mode 100644 index 40e56c3a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_17.png deleted file mode 100644 index 3227cb087..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_18.png deleted file mode 100644 index ebc0d4f8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_19.png deleted file mode 100644 index 0345f9b03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_20.png deleted file mode 100644 index 6eeb373a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_01.png deleted file mode 100644 index d5bbd84c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_02.png deleted file mode 100644 index 067fb7bb2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_03.png deleted file mode 100644 index 0db597b38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_04.png deleted file mode 100644 index 43fc19f5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_05.png deleted file mode 100644 index acf002dc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_06.png deleted file mode 100644 index 8c60df401..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_07.png deleted file mode 100644 index 582b2bd2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_08.png deleted file mode 100644 index e94c4f2f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_09.png deleted file mode 100644 index 42df841c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_10.png deleted file mode 100644 index 17101ca43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_11.png deleted file mode 100644 index 908384828..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_12.png deleted file mode 100644 index dbeaf2bbe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_13.png deleted file mode 100644 index 6d4571aab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_14.png deleted file mode 100644 index 573b5e185..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_15.png deleted file mode 100644 index af4e7f391..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_16.png deleted file mode 100644 index 6483d8b0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_17.png deleted file mode 100644 index 88bca7e52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_18.png deleted file mode 100644 index b9f506eb8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_19.png deleted file mode 100644 index 202aa198a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_20.png deleted file mode 100644 index 245acb765..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_01.png deleted file mode 100644 index 1147a13ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_02.png deleted file mode 100644 index e4f008004..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_03.png deleted file mode 100644 index 3ecb49222..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_04.png deleted file mode 100644 index 16f330026..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_05.png deleted file mode 100644 index 6e4a1aec8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_06.png deleted file mode 100644 index 0e9c85ef3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_07.png deleted file mode 100644 index 1564dc710..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_08.png deleted file mode 100644 index cf796a3cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_09.png deleted file mode 100644 index 75d3037e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_10.png deleted file mode 100644 index 42114f049..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_11.png deleted file mode 100644 index 72b5f9d32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_12.png deleted file mode 100644 index ae64a26a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_13.png deleted file mode 100644 index df91e36ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_14.png deleted file mode 100644 index 8d5e259b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_15.png deleted file mode 100644 index 655970254..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_16.png deleted file mode 100644 index d6cd42f80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_17.png deleted file mode 100644 index 467dcdfd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_18.png deleted file mode 100644 index 3805d6391..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_19.png deleted file mode 100644 index 5187efabb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_20.png deleted file mode 100644 index 92e4545df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_01.png deleted file mode 100644 index c1ca40d23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_02.png deleted file mode 100644 index d7ad58b00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_03.png deleted file mode 100644 index efe8a03f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_04.png deleted file mode 100644 index 7db7f4ad6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_05.png deleted file mode 100644 index e83ad65ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_06.png deleted file mode 100644 index a518a0cce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_07.png deleted file mode 100644 index fa6c6514a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_08.png deleted file mode 100644 index 16ac33075..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_09.png deleted file mode 100644 index c879e598b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_10.png deleted file mode 100644 index 38704655c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_11.png deleted file mode 100644 index 134ab7213..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_12.png deleted file mode 100644 index 3a18279c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_13.png deleted file mode 100644 index aa0868031..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_14.png deleted file mode 100644 index 856d39e7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_15.png deleted file mode 100644 index 2ab375db4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_16.png deleted file mode 100644 index dc8670da9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_17.png deleted file mode 100644 index 7d8ee68c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_18.png deleted file mode 100644 index 88ceae946..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_19.png deleted file mode 100644 index bf8d376b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_20.png deleted file mode 100644 index 816c69cae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_01.png deleted file mode 100644 index bc86b9b6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_02.png deleted file mode 100644 index ca36962ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_03.png deleted file mode 100644 index 506b242e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_04.png deleted file mode 100644 index 89ae1c76d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_05.png deleted file mode 100644 index c13d2278c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_06.png deleted file mode 100644 index 58693c208..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_07.png deleted file mode 100644 index dc32ea41a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_08.png deleted file mode 100644 index d19e862cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_09.png deleted file mode 100644 index cad505b41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_10.png deleted file mode 100644 index be8c5c6b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_11.png deleted file mode 100644 index f56c18517..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_12.png deleted file mode 100644 index 82af9ffbe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_13.png deleted file mode 100644 index 63fe48151..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_14.png deleted file mode 100644 index 320dfb34a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_15.png deleted file mode 100644 index ac7d726c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_16.png deleted file mode 100644 index 94384c580..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_17.png deleted file mode 100644 index 1769f869d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_18.png deleted file mode 100644 index 99992ba8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_19.png deleted file mode 100644 index d58b1f589..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_20.png deleted file mode 100644 index 2c458c583..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_01.png deleted file mode 100644 index af24a9f28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_02.png deleted file mode 100644 index 86f5fc867..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_03.png deleted file mode 100644 index 8f5c3465e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_04.png deleted file mode 100644 index 3448e4d2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_05.png deleted file mode 100644 index 668be47fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_06.png deleted file mode 100644 index c58643c02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_07.png deleted file mode 100644 index 613e902e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_08.png deleted file mode 100644 index bcf7d754f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_09.png deleted file mode 100644 index bf662532f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_10.png deleted file mode 100644 index dd0ed39dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_11.png deleted file mode 100644 index c8cadd525..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_12.png deleted file mode 100644 index 403a511d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_13.png deleted file mode 100644 index 3adc9bead..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_14.png deleted file mode 100644 index f830713bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_15.png deleted file mode 100644 index 299dcd839..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_16.png deleted file mode 100644 index 5bfe349bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_17.png deleted file mode 100644 index a1b281d09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_18.png deleted file mode 100644 index 7642485cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_19.png deleted file mode 100644 index d67455918..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_20.png deleted file mode 100644 index 1c249f73f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_01.png deleted file mode 100644 index af817c9cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_02.png deleted file mode 100644 index 45ce6a9b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_03.png deleted file mode 100644 index 54004a0bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_04.png deleted file mode 100644 index 83fca7711..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_05.png deleted file mode 100644 index cb66286a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_06.png deleted file mode 100644 index aba370a10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_07.png deleted file mode 100644 index 11ca7dbd7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_08.png deleted file mode 100644 index bce3acba1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_09.png deleted file mode 100644 index 794c74334..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_10.png deleted file mode 100644 index 95a29f414..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_11.png deleted file mode 100644 index ac299ddd2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_12.png deleted file mode 100644 index e8990e0e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_13.png deleted file mode 100644 index bc446fbc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_14.png deleted file mode 100644 index 0a61460f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_15.png deleted file mode 100644 index 02b8682f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_16.png deleted file mode 100644 index b3cd670a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_17.png deleted file mode 100644 index 0e84e4497..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_18.png deleted file mode 100644 index 0adec52aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_19.png deleted file mode 100644 index 6e6975da6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_20.png deleted file mode 100644 index ea584586c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_01.png deleted file mode 100644 index e27cfb791..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_02.png deleted file mode 100644 index 62d325fd5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_03.png deleted file mode 100644 index 20052110b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_04.png deleted file mode 100644 index 4a3f4d380..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_05.png deleted file mode 100644 index 7faef8194..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_06.png deleted file mode 100644 index ad265932a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_07.png deleted file mode 100644 index 22f17c513..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_08.png deleted file mode 100644 index 8a657dee9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_09.png deleted file mode 100644 index cf7528d8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_10.png deleted file mode 100644 index 152a776b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_11.png deleted file mode 100644 index df2174c01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_12.png deleted file mode 100644 index 014269957..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_13.png deleted file mode 100644 index 2ce2930d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_14.png deleted file mode 100644 index bce5cc61c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_15.png deleted file mode 100644 index d968ae395..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_16.png deleted file mode 100644 index ec6d3bd81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_17.png deleted file mode 100644 index 7b7cb6bcc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_18.png deleted file mode 100644 index 2b54a4eb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_19.png deleted file mode 100644 index 4bfdbc2f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_20.png deleted file mode 100644 index 9c8178599..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_01.png deleted file mode 100644 index 1b40da784..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_02.png deleted file mode 100644 index 48e5da96e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_03.png deleted file mode 100644 index 513752e3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_04.png deleted file mode 100644 index 242ca4e9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_05.png deleted file mode 100644 index d5d2d13d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_06.png deleted file mode 100644 index d40b3b68a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_07.png deleted file mode 100644 index f8a2bc751..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_08.png deleted file mode 100644 index e88a63220..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_09.png deleted file mode 100644 index daa1dbd63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_10.png deleted file mode 100644 index 7f75d6f46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_11.png deleted file mode 100644 index bd54c036b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_12.png deleted file mode 100644 index c546fae7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_13.png deleted file mode 100644 index 37745f9ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_14.png deleted file mode 100644 index 297bdf298..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_15.png deleted file mode 100644 index e05fc2e35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_16.png deleted file mode 100644 index 06b1dee11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_17.png deleted file mode 100644 index 6fa3f47a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_18.png deleted file mode 100644 index 971a41813..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_19.png deleted file mode 100644 index ca6aa4278..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_20.png deleted file mode 100644 index 62ce20b46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_01.png deleted file mode 100644 index b2c30eb49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_02.png deleted file mode 100644 index 3234bdbf3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_03.png deleted file mode 100644 index 82e8c2004..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_04.png deleted file mode 100644 index c52e3f274..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_05.png deleted file mode 100644 index a96284c00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_06.png deleted file mode 100644 index c9c8baab2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_07.png deleted file mode 100644 index bf552f3c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_08.png deleted file mode 100644 index 37d1d3bde..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_09.png deleted file mode 100644 index f1857b6df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_10.png deleted file mode 100644 index 1a46a3584..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_11.png deleted file mode 100644 index e33bb8f6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_12.png deleted file mode 100644 index 6e2ce21d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_13.png deleted file mode 100644 index d9ddb4bed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_14.png deleted file mode 100644 index a5743fc70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_15.png deleted file mode 100644 index 14bac2c97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_16.png deleted file mode 100644 index 298f6d218..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_17.png deleted file mode 100644 index 7ffd87509..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_18.png deleted file mode 100644 index 49938edcd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_19.png deleted file mode 100644 index 7c9834bf8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_20.png deleted file mode 100644 index 501db058c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_01.png deleted file mode 100644 index f9f1f8dad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_02.png deleted file mode 100644 index f1d68d2d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_03.png deleted file mode 100644 index ad9f47d73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_04.png deleted file mode 100644 index eecae47e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_05.png deleted file mode 100644 index 16b0cead5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_06.png deleted file mode 100644 index 0fda1866f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_07.png deleted file mode 100644 index d58c065ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_08.png deleted file mode 100644 index 9da2a8318..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_09.png deleted file mode 100644 index 255c4434f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_10.png deleted file mode 100644 index 9ebe12274..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_11.png deleted file mode 100644 index d511b9cea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_12.png deleted file mode 100644 index 431bd6448..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_13.png deleted file mode 100644 index f3dcd40b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_14.png deleted file mode 100644 index 9b50cef2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_15.png deleted file mode 100644 index f3a8b2b34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_16.png deleted file mode 100644 index 33788911d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_17.png deleted file mode 100644 index c8b2f54a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_18.png deleted file mode 100644 index e4f78542c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_19.png deleted file mode 100644 index 38afef237..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_20.png deleted file mode 100644 index 3c99efc59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_01.png deleted file mode 100644 index 9290194a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_02.png deleted file mode 100644 index 66d9ef44f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_03.png deleted file mode 100644 index d9878341f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_04.png deleted file mode 100644 index 1ca86f0c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_05.png deleted file mode 100644 index e2c746c09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_06.png deleted file mode 100644 index 87a270f32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_07.png deleted file mode 100644 index 305c5cf65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_08.png deleted file mode 100644 index 1507369b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_09.png deleted file mode 100644 index a1c47e754..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_10.png deleted file mode 100644 index 5350885a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_11.png deleted file mode 100644 index 098d278d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_12.png deleted file mode 100644 index a50d0bd22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_13.png deleted file mode 100644 index ee91a4ba5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_14.png deleted file mode 100644 index 4cae0551b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_15.png deleted file mode 100644 index 8ee2bfbdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_16.png deleted file mode 100644 index d0470b6c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_17.png deleted file mode 100644 index 2e8541f45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_18.png deleted file mode 100644 index e2ccea5f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_19.png deleted file mode 100644 index 3f1d688bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_20.png deleted file mode 100644 index fe039a1d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_01.png deleted file mode 100644 index 82dcb8a4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_02.png deleted file mode 100644 index aa8ca0cbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_03.png deleted file mode 100644 index 4e82ff909..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_04.png deleted file mode 100644 index 99fb8b62e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_05.png deleted file mode 100644 index 84b97fdf7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_06.png deleted file mode 100644 index ae9be1e10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_07.png deleted file mode 100644 index e5deaca87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_08.png deleted file mode 100644 index 53893c389..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_09.png deleted file mode 100644 index 92424278a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_10.png deleted file mode 100644 index 868202552..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_11.png deleted file mode 100644 index 83c13b3b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_12.png deleted file mode 100644 index 5b092232b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_13.png deleted file mode 100644 index f8779c2fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_14.png deleted file mode 100644 index c5cc43a33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_15.png deleted file mode 100644 index 7b7c66550..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_16.png deleted file mode 100644 index 5d0cab50f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_17.png deleted file mode 100644 index 4a9f2ad59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_18.png deleted file mode 100644 index 96a45bbb3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_19.png deleted file mode 100644 index c079fca94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_20.png deleted file mode 100644 index 81a7ca58b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_01.png deleted file mode 100644 index b961cba8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_02.png deleted file mode 100644 index 749a14079..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_03.png deleted file mode 100644 index 23e925240..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_04.png deleted file mode 100644 index e4289ffed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_05.png deleted file mode 100644 index 3946d5165..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_06.png deleted file mode 100644 index 524480b7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_07.png deleted file mode 100644 index 5d4cc6c4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_08.png deleted file mode 100644 index 23f8659b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_09.png deleted file mode 100644 index 1eee57ed6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_10.png deleted file mode 100644 index a98c2998e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_11.png deleted file mode 100644 index 8ceabf92d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_12.png deleted file mode 100644 index aecfce5db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_13.png deleted file mode 100644 index 64d226ef0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_14.png deleted file mode 100644 index 3e7a3c0cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_15.png deleted file mode 100644 index 3b11d646b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_16.png deleted file mode 100644 index aee8a95b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_17.png deleted file mode 100644 index 0e3a6bc53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_18.png deleted file mode 100644 index 38cc22530..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_19.png deleted file mode 100644 index 7e14a6616..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_20.png deleted file mode 100644 index cb2741ebf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_01.png deleted file mode 100644 index 48d5eba1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_02.png deleted file mode 100644 index 4f2ed873e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_03.png deleted file mode 100644 index 2d440b064..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_04.png deleted file mode 100644 index f6091dc2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_05.png deleted file mode 100644 index ac6a2902d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_06.png deleted file mode 100644 index 56d63725c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_07.png deleted file mode 100644 index 2933635cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_08.png deleted file mode 100644 index 50fe650a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_09.png deleted file mode 100644 index d77328850..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_10.png deleted file mode 100644 index 26f6e947b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_11.png deleted file mode 100644 index 0f85c06cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_12.png deleted file mode 100644 index aa1ba7a43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_13.png deleted file mode 100644 index 40828b886..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_14.png deleted file mode 100644 index 2a18d0e85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_15.png deleted file mode 100644 index a68be2c32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_16.png deleted file mode 100644 index ecbfba4b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_17.png deleted file mode 100644 index 6b6004e8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_18.png deleted file mode 100644 index aec9befa6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_19.png deleted file mode 100644 index eb508d28e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_20.png deleted file mode 100644 index a99e24cdb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_01.png deleted file mode 100644 index 47fef8b51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_02.png deleted file mode 100644 index 87a9d7f95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_03.png deleted file mode 100644 index 5ed8329ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_04.png deleted file mode 100644 index 314962045..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_05.png deleted file mode 100644 index ac4b38ee1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_06.png deleted file mode 100644 index c2a11b44d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_07.png deleted file mode 100644 index 99346b69a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_08.png deleted file mode 100644 index b35f3be47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_09.png deleted file mode 100644 index d4336b28a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_10.png deleted file mode 100644 index db68342e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_11.png deleted file mode 100644 index 872505120..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_12.png deleted file mode 100644 index 7f7b547c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_13.png deleted file mode 100644 index d75f21159..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_14.png deleted file mode 100644 index ec9c431f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_15.png deleted file mode 100644 index 6c07258bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_16.png deleted file mode 100644 index 82acbd78b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_17.png deleted file mode 100644 index 752af0a04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_18.png deleted file mode 100644 index dc3f27dc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_19.png deleted file mode 100644 index 822d60e19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_20.png deleted file mode 100644 index e17ff4142..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_01.png deleted file mode 100644 index 52a308b35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_02.png deleted file mode 100644 index 010263bd2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_03.png deleted file mode 100644 index 4f0226daa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_04.png deleted file mode 100644 index bf70c2dc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_05.png deleted file mode 100644 index 806ce0162..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_06.png deleted file mode 100644 index 13f9b3242..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_07.png deleted file mode 100644 index 7947deba7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_08.png deleted file mode 100644 index 1cd14f237..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_09.png deleted file mode 100644 index 173f958de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_10.png deleted file mode 100644 index c8c28217c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_11.png deleted file mode 100644 index e59f14cbf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_12.png deleted file mode 100644 index ad29661b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_13.png deleted file mode 100644 index 52ba5e07c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_14.png deleted file mode 100644 index 28cb69b9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_15.png deleted file mode 100644 index 8069499ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_16.png deleted file mode 100644 index c1b61ee6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_17.png deleted file mode 100644 index 15af1e8df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_18.png deleted file mode 100644 index c38fd8d3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_19.png deleted file mode 100644 index 1531c1f82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_20.png deleted file mode 100644 index 846627312..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_01.png deleted file mode 100644 index 2ef5840aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_02.png deleted file mode 100644 index 411774359..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_03.png deleted file mode 100644 index 26bf8cffb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_04.png deleted file mode 100644 index 95ba196ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_05.png deleted file mode 100644 index c1d73df60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_06.png deleted file mode 100644 index 1ea375f83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_07.png deleted file mode 100644 index 5a3209093..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_08.png deleted file mode 100644 index df3638ace..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_09.png deleted file mode 100644 index 1848932a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_10.png deleted file mode 100644 index 6b1543c46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_11.png deleted file mode 100644 index 3d9004e37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_12.png deleted file mode 100644 index 0272cfb77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_13.png deleted file mode 100644 index edcb3c78f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_14.png deleted file mode 100644 index 54c3c3af2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_15.png deleted file mode 100644 index 188ff8fda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_16.png deleted file mode 100644 index 3bba60e1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_17.png deleted file mode 100644 index 600ae32ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_18.png deleted file mode 100644 index b3e817a45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_19.png deleted file mode 100644 index 9db60282b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_20.png deleted file mode 100644 index f03cb4426..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_01.png deleted file mode 100644 index 40d5deb9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_02.png deleted file mode 100644 index fd37a1d23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_03.png deleted file mode 100644 index ae9ac3bc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_04.png deleted file mode 100644 index 3fea2b32a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_05.png deleted file mode 100644 index 88385b939..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_06.png deleted file mode 100644 index b01af8282..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_07.png deleted file mode 100644 index 2f8f8f879..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_08.png deleted file mode 100644 index 7e4a79b17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_09.png deleted file mode 100644 index 4107124df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_10.png deleted file mode 100644 index 853975068..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_11.png deleted file mode 100644 index e422bc373..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_12.png deleted file mode 100644 index b78297257..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_13.png deleted file mode 100644 index bee90ce84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_14.png deleted file mode 100644 index 3946f29e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_15.png deleted file mode 100644 index 9a80ffde8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_16.png deleted file mode 100644 index d02fdf7bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_17.png deleted file mode 100644 index c0ff7874f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_18.png deleted file mode 100644 index fe038ba3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_19.png deleted file mode 100644 index 282597f4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_20.png deleted file mode 100644 index a4788d3af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_01.png deleted file mode 100644 index 2e133bc31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_02.png deleted file mode 100644 index fb41d6899..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_03.png deleted file mode 100644 index d28407e08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_04.png deleted file mode 100644 index 7d55e3105..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_05.png deleted file mode 100644 index af5104b40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_06.png deleted file mode 100644 index 85847cc85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_07.png deleted file mode 100644 index 4d42a8322..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_08.png deleted file mode 100644 index 1abe5e25c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_09.png deleted file mode 100644 index afabf04bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_10.png deleted file mode 100644 index 0a1a61378..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_11.png deleted file mode 100644 index b7c36a6c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_12.png deleted file mode 100644 index 806cc046f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_13.png deleted file mode 100644 index 4ac6a6b11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_14.png deleted file mode 100644 index 2686ca3d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_15.png deleted file mode 100644 index e8263d3e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_16.png deleted file mode 100644 index 05555e2a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_17.png deleted file mode 100644 index 76d1f56c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_18.png deleted file mode 100644 index 0a9da057e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_19.png deleted file mode 100644 index e1f2fe736..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_20.png deleted file mode 100644 index fedef5bcc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_01.png deleted file mode 100644 index 07e284e9d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_02.png deleted file mode 100644 index b476d0e15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_03.png deleted file mode 100644 index ff458427d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_04.png deleted file mode 100644 index 8a1e0d61c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_05.png deleted file mode 100644 index 74cc7f5e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_06.png deleted file mode 100644 index e34527b2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_07.png deleted file mode 100644 index 245205368..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_08.png deleted file mode 100644 index 538341e65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_09.png deleted file mode 100644 index 73f4e225e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_10.png deleted file mode 100644 index 62b27a1c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_11.png deleted file mode 100644 index 67dc67454..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_12.png deleted file mode 100644 index 86ea08e6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_13.png deleted file mode 100644 index 74008a291..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_14.png deleted file mode 100644 index f9c59db65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_15.png deleted file mode 100644 index 9db9fa2b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_16.png deleted file mode 100644 index 2fd67bc8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_17.png deleted file mode 100644 index ec956208c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_18.png deleted file mode 100644 index 937a75ad8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_19.png deleted file mode 100644 index bb4b1a52c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_20.png deleted file mode 100644 index a23b4a54d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character01/0643_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_01.png deleted file mode 100644 index bf3a15d13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_02.png deleted file mode 100644 index 3f961d612..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_03.png deleted file mode 100644 index 040c2dce4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_04.png deleted file mode 100644 index 6b2d0adb2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_05.png deleted file mode 100644 index da20dd038..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_06.png deleted file mode 100644 index 955a23b85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_07.png deleted file mode 100644 index b952b5f29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_08.png deleted file mode 100644 index 9539f4058..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_09.png deleted file mode 100644 index cd3b0a254..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_10.png deleted file mode 100644 index 59d0fa0c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_11.png deleted file mode 100644 index 7c378c55b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_12.png deleted file mode 100644 index 132e4a9e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_13.png deleted file mode 100644 index 9f45e2093..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_14.png deleted file mode 100644 index 4534382c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_15.png deleted file mode 100644 index 245cda7de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_16.png deleted file mode 100644 index f7a4a4d6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_17.png deleted file mode 100644 index 6a02296d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_18.png deleted file mode 100644 index 52ab0388a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_19.png deleted file mode 100644 index 9e6d5fada..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_20.png deleted file mode 100644 index f974fdbc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character02/0644_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_01.png deleted file mode 100644 index 1ab6d6058..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_02.png deleted file mode 100644 index f9cc1f67c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_03.png deleted file mode 100644 index 35027fc90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_04.png deleted file mode 100644 index 4bf162ac6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_05.png deleted file mode 100644 index 723a841d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_06.png deleted file mode 100644 index 5b4c7e5d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_07.png deleted file mode 100644 index f91664640..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_08.png deleted file mode 100644 index c0f850df7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_09.png deleted file mode 100644 index 60f282d07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_10.png deleted file mode 100644 index 2680fe5da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_11.png deleted file mode 100644 index 9fa1550b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_12.png deleted file mode 100644 index 7ee7f4d9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_13.png deleted file mode 100644 index 139b79fbe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_14.png deleted file mode 100644 index 0c2fc79d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_15.png deleted file mode 100644 index 6d83522d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_16.png deleted file mode 100644 index d86fe570d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_17.png deleted file mode 100644 index 37fbde085..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_18.png deleted file mode 100644 index 79cf32f8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_19.png deleted file mode 100644 index 64cc41c6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_20.png deleted file mode 100644 index d76f4cfe7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character03/0645_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_01.png deleted file mode 100644 index 71d24a61b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_02.png deleted file mode 100644 index f5a206367..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_03.png deleted file mode 100644 index 32e8f790d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_04.png deleted file mode 100644 index e02674b75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_05.png deleted file mode 100644 index ff2d9f645..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_06.png deleted file mode 100644 index 6aef6f964..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_07.png deleted file mode 100644 index 095826bdf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_08.png deleted file mode 100644 index 107b5136a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_09.png deleted file mode 100644 index d6bcf5d2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_10.png deleted file mode 100644 index ac7468eed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_11.png deleted file mode 100644 index 1b3dbd546..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_12.png deleted file mode 100644 index 694bc950d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_13.png deleted file mode 100644 index cf6bacf14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_14.png deleted file mode 100644 index 9e42ba957..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_15.png deleted file mode 100644 index acd50950d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_16.png deleted file mode 100644 index df0cbc351..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_17.png deleted file mode 100644 index f4b4daf83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_18.png deleted file mode 100644 index 6cdcd227f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_19.png deleted file mode 100644 index d8ee2ea2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_20.png deleted file mode 100644 index b972cc112..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character04/0646_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_01.png deleted file mode 100644 index 8031e94bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_02.png deleted file mode 100644 index c3bbbb3d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_03.png deleted file mode 100644 index aded29875..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_04.png deleted file mode 100644 index b4469e18a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_05.png deleted file mode 100644 index 69ba39f52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_06.png deleted file mode 100644 index 4ff78f406..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_07.png deleted file mode 100644 index 82f50bf6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_08.png deleted file mode 100644 index 5f197eb5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_09.png deleted file mode 100644 index 7cc6a3788..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_10.png deleted file mode 100644 index 0300668f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_11.png deleted file mode 100644 index 2f360fec5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_12.png deleted file mode 100644 index e7860db68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_13.png deleted file mode 100644 index 800395612..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_14.png deleted file mode 100644 index 8277f9a4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_15.png deleted file mode 100644 index d08e3d775..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_16.png deleted file mode 100644 index 81951941f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_17.png deleted file mode 100644 index baf2904de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_18.png deleted file mode 100644 index 4b7d6b309..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_19.png deleted file mode 100644 index 4182577de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_20.png deleted file mode 100644 index a22e17362..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character05/0647_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_01.png deleted file mode 100644 index 1c9dcd18f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_02.png deleted file mode 100644 index 0ac4b44b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_03.png deleted file mode 100644 index 5d137e9fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_04.png deleted file mode 100644 index cc0f12ded..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_05.png deleted file mode 100644 index 4e0f37d00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_06.png deleted file mode 100644 index 8758cff00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_07.png deleted file mode 100644 index 85500cc7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_08.png deleted file mode 100644 index 2302b0358..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_09.png deleted file mode 100644 index 380488dc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_10.png deleted file mode 100644 index 88d12d885..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_11.png deleted file mode 100644 index d0d2785a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_12.png deleted file mode 100644 index fa1d6453c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_13.png deleted file mode 100644 index f776e578d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_14.png deleted file mode 100644 index 76357c5a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_15.png deleted file mode 100644 index d6dfe0293..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_16.png deleted file mode 100644 index 3614db620..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_17.png deleted file mode 100644 index 62c63d8cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_18.png deleted file mode 100644 index 9c103c71d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_19.png deleted file mode 100644 index c0778823d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_20.png deleted file mode 100644 index fc804702a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character06/0648_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_01.png deleted file mode 100644 index cc7e6ac9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_02.png deleted file mode 100644 index 0e83444f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_03.png deleted file mode 100644 index 453fcc0ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_04.png deleted file mode 100644 index c303a95a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_05.png deleted file mode 100644 index 7bb1e13f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_06.png deleted file mode 100644 index f16fea76b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_07.png deleted file mode 100644 index a2d00413e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_08.png deleted file mode 100644 index 121718a60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_09.png deleted file mode 100644 index 8e0e9bd3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_10.png deleted file mode 100644 index 8ebf9fbbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_11.png deleted file mode 100644 index 73758de26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_12.png deleted file mode 100644 index 8ba368c3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_13.png deleted file mode 100644 index 454a917cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_14.png deleted file mode 100644 index 55c4f2a82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_15.png deleted file mode 100644 index 359822336..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_16.png deleted file mode 100644 index 1cf417ebb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_17.png deleted file mode 100644 index 41b2c9356..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_18.png deleted file mode 100644 index 64163c23f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_19.png deleted file mode 100644 index df3fec7aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_20.png deleted file mode 100644 index 0d8430539..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character07/0649_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_01.png deleted file mode 100644 index a5703e657..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_02.png deleted file mode 100644 index 67d00f1e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_03.png deleted file mode 100644 index fc64340f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_04.png deleted file mode 100644 index 4953b71bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_05.png deleted file mode 100644 index 713cf5a14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_06.png deleted file mode 100644 index 8c61a0773..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_07.png deleted file mode 100644 index a3f560bea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_08.png deleted file mode 100644 index c02e763e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_09.png deleted file mode 100644 index 0c2646b5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_10.png deleted file mode 100644 index 4a597ed33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_11.png deleted file mode 100644 index 4560e3ddf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_12.png deleted file mode 100644 index c8d9721e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_13.png deleted file mode 100644 index d2f260cca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_14.png deleted file mode 100644 index 7b3d7ab5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_15.png deleted file mode 100644 index 7022d5709..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_16.png deleted file mode 100644 index 6c54460aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_17.png deleted file mode 100644 index 3a4f66841..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_18.png deleted file mode 100644 index a2967eab4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_19.png deleted file mode 100644 index b089222d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_20.png deleted file mode 100644 index f9c392f15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character08/0650_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_01.png deleted file mode 100644 index 9e35b479f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_02.png deleted file mode 100644 index c807eb978..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_03.png deleted file mode 100644 index 8af8dfa08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_04.png deleted file mode 100644 index e8cc12764..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_05.png deleted file mode 100644 index 950e634b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_06.png deleted file mode 100644 index 10cccaaaf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_07.png deleted file mode 100644 index 3df64d99b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_08.png deleted file mode 100644 index b6a7ec22e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_09.png deleted file mode 100644 index d7d34af54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_10.png deleted file mode 100644 index a108a9426..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_11.png deleted file mode 100644 index 978806af9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_12.png deleted file mode 100644 index 7e896f45b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_13.png deleted file mode 100644 index a2948698d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_14.png deleted file mode 100644 index 8b80bf925..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_15.png deleted file mode 100644 index 9013d5de6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_16.png deleted file mode 100644 index 20c5874d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_17.png deleted file mode 100644 index 1f4fb6686..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_18.png deleted file mode 100644 index 14f28030d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_19.png deleted file mode 100644 index 938f6350d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_20.png deleted file mode 100644 index 5f0408497..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character09/0651_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_01.png deleted file mode 100644 index f3066986d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_02.png deleted file mode 100644 index b7b7c2506..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_03.png deleted file mode 100644 index 22bb76a0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_04.png deleted file mode 100644 index 572c9f0a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_05.png deleted file mode 100644 index d22e9688e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_06.png deleted file mode 100644 index 24cb16bcc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_07.png deleted file mode 100644 index eb68dd85e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_08.png deleted file mode 100644 index cf2a47afa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_09.png deleted file mode 100644 index 650480d17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_10.png deleted file mode 100644 index 5857dbd46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_11.png deleted file mode 100644 index 23123c553..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_12.png deleted file mode 100644 index 085e4c77f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_13.png deleted file mode 100644 index f546da684..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_14.png deleted file mode 100644 index a1eb29f48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_15.png deleted file mode 100644 index 682f7535d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_16.png deleted file mode 100644 index 4cfd8f0cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_17.png deleted file mode 100644 index 60ec1b447..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_18.png deleted file mode 100644 index f8eba8fde..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_19.png deleted file mode 100644 index 8e6250513..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_20.png deleted file mode 100644 index a00eba977..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character10/0652_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_01.png deleted file mode 100644 index 6962eb9a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_02.png deleted file mode 100644 index a47701e7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_03.png deleted file mode 100644 index 596d808ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_04.png deleted file mode 100644 index 09cf47c62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_05.png deleted file mode 100644 index 51b86e371..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_06.png deleted file mode 100644 index 655f2ffb7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_07.png deleted file mode 100644 index 8084bca58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_08.png deleted file mode 100644 index 235870e07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_09.png deleted file mode 100644 index a6929d2c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_10.png deleted file mode 100644 index 0af9deeae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_11.png deleted file mode 100644 index b471eb183..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_12.png deleted file mode 100644 index 63b405fb3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_13.png deleted file mode 100644 index ca7dfe9db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_14.png deleted file mode 100644 index 242346d24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_15.png deleted file mode 100644 index d2bb29021..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_16.png deleted file mode 100644 index b79eb8a80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_17.png deleted file mode 100644 index b7a6b77d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_18.png deleted file mode 100644 index 44fbb0287..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_19.png deleted file mode 100644 index b6b174b80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_20.png deleted file mode 100644 index 9ae2610d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character11/0653_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_01.png deleted file mode 100644 index a75a2a559..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_02.png deleted file mode 100644 index c596e77b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_03.png deleted file mode 100644 index 800ef3fcf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_04.png deleted file mode 100644 index 06312708e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_05.png deleted file mode 100644 index f76f7375c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_06.png deleted file mode 100644 index 29d2ad637..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_07.png deleted file mode 100644 index 182446dd5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_08.png deleted file mode 100644 index 69fe88786..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_09.png deleted file mode 100644 index 654241912..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_10.png deleted file mode 100644 index 65133120f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_11.png deleted file mode 100644 index a16c7886e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_12.png deleted file mode 100644 index 66cbfeded..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_13.png deleted file mode 100644 index af9b6fc92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_14.png deleted file mode 100644 index d4ff33571..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_15.png deleted file mode 100644 index acc6361c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_16.png deleted file mode 100644 index b44e6416b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_17.png deleted file mode 100644 index e5e860ced..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_18.png deleted file mode 100644 index 7af22b78f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_19.png deleted file mode 100644 index 26c2fc208..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_20.png deleted file mode 100644 index 29464df1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character12/0654_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_01.png deleted file mode 100644 index f00e3cf0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_02.png deleted file mode 100644 index adafa1278..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_03.png deleted file mode 100644 index e27e1a099..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_04.png deleted file mode 100644 index a3b54e617..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_05.png deleted file mode 100644 index c4c4291fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_06.png deleted file mode 100644 index f7b091a87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_07.png deleted file mode 100644 index d0c55d598..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_08.png deleted file mode 100644 index ac70f0329..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_09.png deleted file mode 100644 index ecbcd7991..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_10.png deleted file mode 100644 index 63dc72281..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_11.png deleted file mode 100644 index ad7ea5f2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_12.png deleted file mode 100644 index 26e809eee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_13.png deleted file mode 100644 index e731b3665..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_14.png deleted file mode 100644 index e17f14d0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_15.png deleted file mode 100644 index 786a3db30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_16.png deleted file mode 100644 index 0242c9d00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_17.png deleted file mode 100644 index 290dab5d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_18.png deleted file mode 100644 index 2164b08e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_19.png deleted file mode 100644 index 9dd8bac15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_20.png deleted file mode 100644 index 5f8503df2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character13/0655_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_01.png deleted file mode 100644 index bdf9862cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_02.png deleted file mode 100644 index e653bc348..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_03.png deleted file mode 100644 index 86005d47d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_04.png deleted file mode 100644 index e1182cc5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_05.png deleted file mode 100644 index f973a6cdd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_06.png deleted file mode 100644 index 1f168b21b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_07.png deleted file mode 100644 index 6149cb858..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_08.png deleted file mode 100644 index d0d47f0a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_09.png deleted file mode 100644 index b26fb52f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_10.png deleted file mode 100644 index 89297ded6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_11.png deleted file mode 100644 index e2d4a9272..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_12.png deleted file mode 100644 index bd67da23e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_13.png deleted file mode 100644 index c11ab2d2e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_14.png deleted file mode 100644 index ce9397b75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_15.png deleted file mode 100644 index 37f0f7c25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_16.png deleted file mode 100644 index b25fa2294..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_17.png deleted file mode 100644 index c2e9a6db9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_18.png deleted file mode 100644 index 364e9b842..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_19.png deleted file mode 100644 index d67dd326e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_20.png deleted file mode 100644 index 66552e78c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character14/0656_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_01.png deleted file mode 100644 index 0fad9f1ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_02.png deleted file mode 100644 index 4080bb9a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_03.png deleted file mode 100644 index 3758584c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_04.png deleted file mode 100644 index 149a47c23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_05.png deleted file mode 100644 index a06bcc58e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_06.png deleted file mode 100644 index a0cc43b9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_07.png deleted file mode 100644 index 82ea69946..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_08.png deleted file mode 100644 index d03fd7920..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_09.png deleted file mode 100644 index 45269a9fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_10.png deleted file mode 100644 index 2b7a63e9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_11.png deleted file mode 100644 index ece9f1164..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_12.png deleted file mode 100644 index 195167d0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_13.png deleted file mode 100644 index f095e28f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_14.png deleted file mode 100644 index cecb4c0b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_15.png deleted file mode 100644 index ad4ffe907..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_16.png deleted file mode 100644 index d6d2ef8a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_17.png deleted file mode 100644 index 595296f14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_18.png deleted file mode 100644 index 53467e10d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_19.png deleted file mode 100644 index 3347defef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_20.png deleted file mode 100644 index b827e89f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character15/0657_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_01.png deleted file mode 100644 index 2c85ee734..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_02.png deleted file mode 100644 index d9e7e51ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_03.png deleted file mode 100644 index 8887eb56d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_04.png deleted file mode 100644 index f84271935..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_05.png deleted file mode 100644 index 8f9abf397..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_06.png deleted file mode 100644 index d17482e53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_07.png deleted file mode 100644 index e9e588bfe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_08.png deleted file mode 100644 index ac63a7912..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_09.png deleted file mode 100644 index a075e2c72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_10.png deleted file mode 100644 index d936fc532..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_11.png deleted file mode 100644 index bde1528f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_12.png deleted file mode 100644 index 1d732e2a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_13.png deleted file mode 100644 index 3b47f9cac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_14.png deleted file mode 100644 index 79a66ee64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_15.png deleted file mode 100644 index fa40d54ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_16.png deleted file mode 100644 index fea24802b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_17.png deleted file mode 100644 index 534bd9b00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_18.png deleted file mode 100644 index cb8ea63fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_19.png deleted file mode 100644 index 6c529881c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_20.png deleted file mode 100644 index 4ebbf0d15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character16/0658_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_01.png deleted file mode 100644 index bcf280bed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_02.png deleted file mode 100644 index 647cc24d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_03.png deleted file mode 100644 index 38c9dc145..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_04.png deleted file mode 100644 index ff6696434..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_05.png deleted file mode 100644 index 735de19f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_06.png deleted file mode 100644 index c2e5ffd6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_07.png deleted file mode 100644 index 5257cab91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_08.png deleted file mode 100644 index 72f46bd32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_09.png deleted file mode 100644 index c9a4090b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_10.png deleted file mode 100644 index 6e6f4b539..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_11.png deleted file mode 100644 index 031ded31e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_12.png deleted file mode 100644 index 20de34676..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_13.png deleted file mode 100644 index 00fe20083..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_14.png deleted file mode 100644 index dc68e8ff8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_15.png deleted file mode 100644 index dbc239b44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_16.png deleted file mode 100644 index bc8cb00ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_17.png deleted file mode 100644 index aa13355e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_18.png deleted file mode 100644 index fbc82d0a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_19.png deleted file mode 100644 index 124a8b652..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_20.png deleted file mode 100644 index dc6d0f2c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character17/0659_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_01.png deleted file mode 100644 index 18deb3afb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_02.png deleted file mode 100644 index 0a94c5b4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_03.png deleted file mode 100644 index 3160f9b5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_04.png deleted file mode 100644 index 7879abf7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_05.png deleted file mode 100644 index e573ab819..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_06.png deleted file mode 100644 index 18126ab41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_07.png deleted file mode 100644 index a4a350e66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_08.png deleted file mode 100644 index 74d48b86c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_09.png deleted file mode 100644 index 8a133a5e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_10.png deleted file mode 100644 index 8e808f53d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_11.png deleted file mode 100644 index 9196e7f51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_12.png deleted file mode 100644 index d5421914e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_13.png deleted file mode 100644 index b78e8c56d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_14.png deleted file mode 100644 index 5d5ffcd4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_15.png deleted file mode 100644 index 4a79d1186..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_16.png deleted file mode 100644 index 24c00407a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_17.png deleted file mode 100644 index 5c3706782..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_18.png deleted file mode 100644 index 7bb3ea030..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_19.png deleted file mode 100644 index 84edf6ba3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_20.png deleted file mode 100644 index a4ae00397..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character18/0660_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_01.png deleted file mode 100644 index 499ead63e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_02.png deleted file mode 100644 index 4e64b07a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_03.png deleted file mode 100644 index a35d3f5b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_04.png deleted file mode 100644 index 3d6f8c682..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_05.png deleted file mode 100644 index 72386accb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_06.png deleted file mode 100644 index dd7ddce87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_07.png deleted file mode 100644 index a58498330..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_08.png deleted file mode 100644 index 26b3ab863..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_09.png deleted file mode 100644 index ffb555b8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_10.png deleted file mode 100644 index 3b6553a5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_11.png deleted file mode 100644 index c008db787..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_12.png deleted file mode 100644 index 91521517c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_13.png deleted file mode 100644 index 854bdee3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_14.png deleted file mode 100644 index bde856261..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_15.png deleted file mode 100644 index f68ff0824..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_16.png deleted file mode 100644 index a43a22280..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_17.png deleted file mode 100644 index 9e9ed4aa5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_18.png deleted file mode 100644 index c01f0903b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_19.png deleted file mode 100644 index 3fb0914d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_20.png deleted file mode 100644 index e9a9fcb7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character19/0661_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_01.png deleted file mode 100644 index 30842b4c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_02.png deleted file mode 100644 index d239cf2fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_03.png deleted file mode 100644 index dc6ca0e63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_04.png deleted file mode 100644 index bf24ce898..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_05.png deleted file mode 100644 index b58e6fc6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_06.png deleted file mode 100644 index 8cb95238e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_07.png deleted file mode 100644 index 19e35b5a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_08.png deleted file mode 100644 index 62ccf0b68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_09.png deleted file mode 100644 index 8940898a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_10.png deleted file mode 100644 index e9878e3a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_11.png deleted file mode 100644 index 6a76cf472..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_12.png deleted file mode 100644 index 91b0060be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_13.png deleted file mode 100644 index e1eaf9cd1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_14.png deleted file mode 100644 index 757fe0d61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_15.png deleted file mode 100644 index a2368a51c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_16.png deleted file mode 100644 index 169e7ae1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_17.png deleted file mode 100644 index 578b3aad7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_18.png deleted file mode 100644 index 4da620560..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_19.png deleted file mode 100644 index 6e9476d7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_20.png deleted file mode 100644 index 2e357f856..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character20/0662_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_01.png deleted file mode 100644 index f0e4ebc0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_02.png deleted file mode 100644 index 2b92c8279..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_03.png deleted file mode 100644 index 68983b178..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_04.png deleted file mode 100644 index 2ae08c9c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_05.png deleted file mode 100644 index e3331646f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_06.png deleted file mode 100644 index 1a6c5240c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_07.png deleted file mode 100644 index becb07cee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_08.png deleted file mode 100644 index 7421f32ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_09.png deleted file mode 100644 index 75c3cf20b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_10.png deleted file mode 100644 index 4af4e34dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_11.png deleted file mode 100644 index 511f6d47a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_12.png deleted file mode 100644 index f7befc6ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_13.png deleted file mode 100644 index dddcfb4ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_14.png deleted file mode 100644 index 067b7a5cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_15.png deleted file mode 100644 index 675935b71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_16.png deleted file mode 100644 index 86fbd36bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_17.png deleted file mode 100644 index 914c65fd5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_18.png deleted file mode 100644 index f306297df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_19.png deleted file mode 100644 index aa559accf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_20.png deleted file mode 100644 index 0122a7493..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character21/0663_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_01.png deleted file mode 100644 index 320abd756..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_02.png deleted file mode 100644 index 5f2674e2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_03.png deleted file mode 100644 index f6ebd6764..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_04.png deleted file mode 100644 index 1b70a0d02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_05.png deleted file mode 100644 index c323925bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_06.png deleted file mode 100644 index 93a34bc3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_07.png deleted file mode 100644 index a90f026d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_08.png deleted file mode 100644 index e750c4904..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_09.png deleted file mode 100644 index 7b309706c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_10.png deleted file mode 100644 index 7c5ef5814..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_11.png deleted file mode 100644 index 0d23c56cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_12.png deleted file mode 100644 index 8fc40e120..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_13.png deleted file mode 100644 index f5a29a18f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_14.png deleted file mode 100644 index 11e6a6ab2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_15.png deleted file mode 100644 index ccc1d08d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_16.png deleted file mode 100644 index d014c7a84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_17.png deleted file mode 100644 index e47fa8d65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_18.png deleted file mode 100644 index 7ce000e7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_19.png deleted file mode 100644 index eeb0ad582..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_20.png deleted file mode 100644 index 003c1318c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character22/0664_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_01.png deleted file mode 100644 index 514d64d33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_02.png deleted file mode 100644 index 5ec3ada81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_03.png deleted file mode 100644 index 93fd0d6a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_04.png deleted file mode 100644 index 449103d2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_05.png deleted file mode 100644 index 251ad280e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_06.png deleted file mode 100644 index fa30c31f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_07.png deleted file mode 100644 index f2e984094..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_08.png deleted file mode 100644 index 1e0ad8a62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_09.png deleted file mode 100644 index 34f47a6cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_10.png deleted file mode 100644 index df3b9a9b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_11.png deleted file mode 100644 index f8321b12c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_12.png deleted file mode 100644 index 6d16394a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_13.png deleted file mode 100644 index 2a3339cdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_14.png deleted file mode 100644 index 2a7965318..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_15.png deleted file mode 100644 index dd1f9e17f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_16.png deleted file mode 100644 index c86d85b34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_17.png deleted file mode 100644 index 9672d937b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_18.png deleted file mode 100644 index 9d922577f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_19.png deleted file mode 100644 index 28eb97621..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_20.png deleted file mode 100644 index 61db7a374..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character23/0665_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_01.png deleted file mode 100644 index 12abee2fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_02.png deleted file mode 100644 index 24588c4be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_03.png deleted file mode 100644 index 76ee20257..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_04.png deleted file mode 100644 index 6f39d7d0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_05.png deleted file mode 100644 index 7d4710abe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_06.png deleted file mode 100644 index a6fa4af82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_07.png deleted file mode 100644 index 4050fe9c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_08.png deleted file mode 100644 index e22fab80b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_09.png deleted file mode 100644 index a2de34771..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_10.png deleted file mode 100644 index 214a2e023..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_11.png deleted file mode 100644 index 4766e4355..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_12.png deleted file mode 100644 index 40a82fc29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_13.png deleted file mode 100644 index b1aab0bd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_14.png deleted file mode 100644 index 39e37e1d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_15.png deleted file mode 100644 index 45c3b7cb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_16.png deleted file mode 100644 index 5602da6dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_17.png deleted file mode 100644 index e24891091..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_18.png deleted file mode 100644 index fe49aad8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_19.png deleted file mode 100644 index 940c784b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_20.png deleted file mode 100644 index 62a809130..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character24/0666_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_01.png deleted file mode 100644 index a4469e73c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_02.png deleted file mode 100644 index cdca76ad2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_03.png deleted file mode 100644 index 500717abf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_04.png deleted file mode 100644 index becb3df2e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_05.png deleted file mode 100644 index fe2a49c70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_06.png deleted file mode 100644 index da43de5ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_07.png deleted file mode 100644 index bbe4c0bf7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_08.png deleted file mode 100644 index 021d36513..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_09.png deleted file mode 100644 index 7c0a64212..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_10.png deleted file mode 100644 index 1ee657cbc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_11.png deleted file mode 100644 index b788bd85c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_12.png deleted file mode 100644 index 6f4de113b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_13.png deleted file mode 100644 index 395d117a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_14.png deleted file mode 100644 index f08851765..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_15.png deleted file mode 100644 index 7a993e866..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_16.png deleted file mode 100644 index 9df3f9558..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_17.png deleted file mode 100644 index d98cedef5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_18.png deleted file mode 100644 index 39ce8fac9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_19.png deleted file mode 100644 index 7e80a2e65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_20.png deleted file mode 100644 index a6dc85bf3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character25/0667_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_01.png deleted file mode 100644 index 667896ec2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_02.png deleted file mode 100644 index 4dab59c52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_03.png deleted file mode 100644 index dafeb4735..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_04.png deleted file mode 100644 index d1d308517..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_05.png deleted file mode 100644 index 4b60dd006..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_06.png deleted file mode 100644 index ba62af93f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_07.png deleted file mode 100644 index b8318e08e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_08.png deleted file mode 100644 index 285b8f7e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_09.png deleted file mode 100644 index dd3665f73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_10.png deleted file mode 100644 index c7c97fd64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_11.png deleted file mode 100644 index 0990f85e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_12.png deleted file mode 100644 index e317f778b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_13.png deleted file mode 100644 index f4b0b8c40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_14.png deleted file mode 100644 index 8ce296054..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_15.png deleted file mode 100644 index 55ff2a4ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_16.png deleted file mode 100644 index 93f3417c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_17.png deleted file mode 100644 index f8bcb57fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_18.png deleted file mode 100644 index c3e5e622b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_19.png deleted file mode 100644 index 9931bc670..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_20.png deleted file mode 100644 index 84cf01285..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character26/0668_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_01.png deleted file mode 100644 index 6e9ab4b55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_02.png deleted file mode 100644 index 43b8dea5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_03.png deleted file mode 100644 index a2eff5ed8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_04.png deleted file mode 100644 index 63d8bc0de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_05.png deleted file mode 100644 index 953cd5084..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_06.png deleted file mode 100644 index a5c3f4165..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_07.png deleted file mode 100644 index 622cda44f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_08.png deleted file mode 100644 index 2cb2eb37c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_09.png deleted file mode 100644 index b25eade32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_10.png deleted file mode 100644 index 75b20b704..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_11.png deleted file mode 100644 index 44dbde89c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_12.png deleted file mode 100644 index bb11d6335..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_13.png deleted file mode 100644 index c4ed6fcc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_14.png deleted file mode 100644 index ef5218519..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_15.png deleted file mode 100644 index a622d76a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_16.png deleted file mode 100644 index cc2537632..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_17.png deleted file mode 100644 index d00106ca8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_18.png deleted file mode 100644 index a9c64a826..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_19.png deleted file mode 100644 index 6771210cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_20.png deleted file mode 100644 index ab774aea8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character27/0669_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_01.png deleted file mode 100644 index ff3a0c7e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_02.png deleted file mode 100644 index b9566fbec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_03.png deleted file mode 100644 index 1fd77c8b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_04.png deleted file mode 100644 index 43d0d52ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_05.png deleted file mode 100644 index c4030914d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_06.png deleted file mode 100644 index 7d4101e5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_07.png deleted file mode 100644 index 49e256e08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_08.png deleted file mode 100644 index 41985417e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_09.png deleted file mode 100644 index 73888f5f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_10.png deleted file mode 100644 index f8f73d0b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_11.png deleted file mode 100644 index 873876fce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_12.png deleted file mode 100644 index fcdaf460b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_13.png deleted file mode 100644 index 6f9623e4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_14.png deleted file mode 100644 index a7872b2c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_15.png deleted file mode 100644 index 1d8e20ad6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_16.png deleted file mode 100644 index aec07c997..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_17.png deleted file mode 100644 index fe92bf547..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_18.png deleted file mode 100644 index a2613a1d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_19.png deleted file mode 100644 index 0a738c07e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_20.png deleted file mode 100644 index c693fdb81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character28/0670_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_01.png deleted file mode 100644 index dbc29b15f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_02.png deleted file mode 100644 index 1b8d0c42a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_03.png deleted file mode 100644 index 9d7973ede..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_04.png deleted file mode 100644 index 866aa634c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_05.png deleted file mode 100644 index 63c6956f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_06.png deleted file mode 100644 index aab3534b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_07.png deleted file mode 100644 index 4455cc5d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_08.png deleted file mode 100644 index e872ea7bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_09.png deleted file mode 100644 index 1c00d4b1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_10.png deleted file mode 100644 index 213bebbd1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_11.png deleted file mode 100644 index bd1c89343..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_12.png deleted file mode 100644 index 0d461d8cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_13.png deleted file mode 100644 index ef7f7231c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_14.png deleted file mode 100644 index 628fee23f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_15.png deleted file mode 100644 index 3f1bca898..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_16.png deleted file mode 100644 index 856842b7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_17.png deleted file mode 100644 index f0e988969..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_18.png deleted file mode 100644 index d5514d5a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_19.png deleted file mode 100644 index fa76ce8c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_20.png deleted file mode 100644 index 323815e8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character29/0671_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_01.png deleted file mode 100644 index b8088ebb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_02.png deleted file mode 100644 index af44d1480..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_03.png deleted file mode 100644 index a5edf3d95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_04.png deleted file mode 100644 index f35aa0e7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_05.png deleted file mode 100644 index 540c4f67b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_06.png deleted file mode 100644 index 762692801..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_07.png deleted file mode 100644 index 9bd15e6e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_08.png deleted file mode 100644 index 250fbee1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_09.png deleted file mode 100644 index 62e610b59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_10.png deleted file mode 100644 index 86cb61c3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_11.png deleted file mode 100644 index a864171fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_12.png deleted file mode 100644 index 15aef1e95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_13.png deleted file mode 100644 index 3063630e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_14.png deleted file mode 100644 index 39e5893ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_15.png deleted file mode 100644 index 8dbcd614f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_16.png deleted file mode 100644 index d5568e53f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_17.png deleted file mode 100644 index 43336ac40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_18.png deleted file mode 100644 index 1512397d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_19.png deleted file mode 100644 index e8d826133..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_20.png deleted file mode 100644 index b2063c3b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character30/0672_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_01.png deleted file mode 100644 index e823a48cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_02.png deleted file mode 100644 index 57340f363..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_03.png deleted file mode 100644 index fc89154a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_04.png deleted file mode 100644 index 76f9faaf8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_05.png deleted file mode 100644 index 4a53496aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_06.png deleted file mode 100644 index 2f7967751..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_07.png deleted file mode 100644 index e504977b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_08.png deleted file mode 100644 index aa885c7ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_09.png deleted file mode 100644 index 2266c2230..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_10.png deleted file mode 100644 index 62e1df3f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_11.png deleted file mode 100644 index 61c531234..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_12.png deleted file mode 100644 index d9fbaf233..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_13.png deleted file mode 100644 index 883940ce1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_14.png deleted file mode 100644 index 58b854330..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_15.png deleted file mode 100644 index c45e6000d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_16.png deleted file mode 100644 index 58e36b53e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_17.png deleted file mode 100644 index e5462fd3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_18.png deleted file mode 100644 index 1aca86b42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_19.png deleted file mode 100644 index 992b52f93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_20.png deleted file mode 100644 index 24dfb2ef5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character31/0673_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_01.png deleted file mode 100644 index 0f327d3a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_02.png deleted file mode 100644 index b3db39353..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_03.png deleted file mode 100644 index 2f1893e86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_04.png deleted file mode 100644 index 5ef3b852e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_05.png deleted file mode 100644 index 21b385c96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_06.png deleted file mode 100644 index fc1eee1fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_07.png deleted file mode 100644 index afaa6bfe6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_08.png deleted file mode 100644 index 7da5c981d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_09.png deleted file mode 100644 index bc5e38782..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_10.png deleted file mode 100644 index 4bcdf6276..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_11.png deleted file mode 100644 index 8ab6ce8c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_12.png deleted file mode 100644 index 66f808263..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_13.png deleted file mode 100644 index 7f953ad71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_14.png deleted file mode 100644 index 1c0c41ac8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_15.png deleted file mode 100644 index a4c7ad05a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_16.png deleted file mode 100644 index 65a2cb1bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_17.png deleted file mode 100644 index acd07e0d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_18.png deleted file mode 100644 index a3321804c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_19.png deleted file mode 100644 index e7d8f8e62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_20.png deleted file mode 100644 index 3b7267913..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character32/0674_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_01.png deleted file mode 100644 index c755f393f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_02.png deleted file mode 100644 index 356da9fd4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_03.png deleted file mode 100644 index 0cf3f763d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_04.png deleted file mode 100644 index 9b756f15e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_05.png deleted file mode 100644 index 68f8b1d4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_06.png deleted file mode 100644 index 5c6ae4e92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_07.png deleted file mode 100644 index 1743288c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_08.png deleted file mode 100644 index 7dd5c7df5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_09.png deleted file mode 100644 index 46eaa318e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_10.png deleted file mode 100644 index 5691d2eff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_11.png deleted file mode 100644 index 9e3a1bfc8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_12.png deleted file mode 100644 index facb81fbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_13.png deleted file mode 100644 index d82f9b2b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_14.png deleted file mode 100644 index d893bd42f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_15.png deleted file mode 100644 index 2ddffff2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_16.png deleted file mode 100644 index 42d8411e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_17.png deleted file mode 100644 index c3f95ed82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_18.png deleted file mode 100644 index c68eb802b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_19.png deleted file mode 100644 index 8be56e92e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_20.png deleted file mode 100644 index 26a30ec39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character33/0675_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_01.png deleted file mode 100644 index 25fdbb815..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_02.png deleted file mode 100644 index 8c180f719..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_03.png deleted file mode 100644 index ddaaab055..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_04.png deleted file mode 100644 index e9ecdb0ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_05.png deleted file mode 100644 index f4868e029..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_06.png deleted file mode 100644 index c767dff41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_07.png deleted file mode 100644 index 3cdc2ea2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_08.png deleted file mode 100644 index efcef0b08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_09.png deleted file mode 100644 index 7305e9646..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_10.png deleted file mode 100644 index 81359813c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_11.png deleted file mode 100644 index da93d53c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_12.png deleted file mode 100644 index 7b03818b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_13.png deleted file mode 100644 index cee43d091..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_14.png deleted file mode 100644 index ac9947079..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_15.png deleted file mode 100644 index ee3243414..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_16.png deleted file mode 100644 index 0718effa6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_17.png deleted file mode 100644 index 17b828406..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_18.png deleted file mode 100644 index a3577b244..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_19.png deleted file mode 100644 index f3497d542..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_20.png deleted file mode 100644 index 1c9a0d919..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character34/0676_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_01.png deleted file mode 100644 index 700e2ce38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_02.png deleted file mode 100644 index 51352e5c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_03.png deleted file mode 100644 index 713ef5d91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_04.png deleted file mode 100644 index fe0f5af12..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_05.png deleted file mode 100644 index 345555ba5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_06.png deleted file mode 100644 index 0a697c1f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_07.png deleted file mode 100644 index a6cbadf7b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_08.png deleted file mode 100644 index 4a846cf0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_09.png deleted file mode 100644 index a1f64c7e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_10.png deleted file mode 100644 index 63586bd52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_11.png deleted file mode 100644 index 3645b0821..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_12.png deleted file mode 100644 index 1c6e1de73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_13.png deleted file mode 100644 index d0a6e38bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_14.png deleted file mode 100644 index 0c05d9e95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_15.png deleted file mode 100644 index d4382a959..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_16.png deleted file mode 100644 index fd416022a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_17.png deleted file mode 100644 index ba4de4e61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_18.png deleted file mode 100644 index 0e0d63f7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_19.png deleted file mode 100644 index edaab7a2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_20.png deleted file mode 100644 index 3c3c72168..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character35/0677_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_01.png deleted file mode 100644 index b52076b43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_02.png deleted file mode 100644 index cd2d96113..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_03.png deleted file mode 100644 index 7e499dc57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_04.png deleted file mode 100644 index 25c5e3f0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_05.png deleted file mode 100644 index 52a946669..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_06.png deleted file mode 100644 index d4d0814c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_07.png deleted file mode 100644 index 0b4957529..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_08.png deleted file mode 100644 index 3556644a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_09.png deleted file mode 100644 index ca16fa4ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_10.png deleted file mode 100644 index 9d37d52a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_11.png deleted file mode 100644 index e39e81a5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_12.png deleted file mode 100644 index cbb1b3bf0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_13.png deleted file mode 100644 index 7a95acc0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_14.png deleted file mode 100644 index 68317324a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_15.png deleted file mode 100644 index 05f665b62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_16.png deleted file mode 100644 index 4c1790246..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_17.png deleted file mode 100644 index e35944aca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_18.png deleted file mode 100644 index c9bb58ed0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_19.png deleted file mode 100644 index 8d5ce2d70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_20.png deleted file mode 100644 index 257adf658..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character36/0678_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_01.png deleted file mode 100644 index 66874421a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_02.png deleted file mode 100644 index eb9b83e16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_03.png deleted file mode 100644 index 2f940ba4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_04.png deleted file mode 100644 index 1e4487fce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_05.png deleted file mode 100644 index 5c01ec083..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_06.png deleted file mode 100644 index ea3fa71e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_07.png deleted file mode 100644 index cc2497b47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_08.png deleted file mode 100644 index f3ea4b684..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_09.png deleted file mode 100644 index 07c40a879..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_10.png deleted file mode 100644 index d34f8ab26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_11.png deleted file mode 100644 index 4e618415c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_12.png deleted file mode 100644 index 9a42b3446..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_13.png deleted file mode 100644 index 796f15493..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_14.png deleted file mode 100644 index 5342e91bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_15.png deleted file mode 100644 index 40cbef58c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_16.png deleted file mode 100644 index aa300fdab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_17.png deleted file mode 100644 index f9cbbc4f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_18.png deleted file mode 100644 index 2a55645db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_19.png deleted file mode 100644 index 71221eaff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_20.png deleted file mode 100644 index 8b9f6b130..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character37/0679_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_01.png deleted file mode 100644 index dadfca27d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_02.png deleted file mode 100644 index de822ea72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_03.png deleted file mode 100644 index 85203da09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_04.png deleted file mode 100644 index 5a4fa05d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_05.png deleted file mode 100644 index e67de0795..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_06.png deleted file mode 100644 index a61b44685..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_07.png deleted file mode 100644 index f1cf5eeb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_08.png deleted file mode 100644 index 60925f63b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_09.png deleted file mode 100644 index b3bd9950a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_10.png deleted file mode 100644 index 579be968e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_11.png deleted file mode 100644 index b3fff1be1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_12.png deleted file mode 100644 index 68ab45ce1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_13.png deleted file mode 100644 index 40dac8dc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_14.png deleted file mode 100644 index ba5523276..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_15.png deleted file mode 100644 index 352f2afcc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_16.png deleted file mode 100644 index 302c17f2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_17.png deleted file mode 100644 index d0c7bf5b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_18.png deleted file mode 100644 index 5e83af0d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_19.png deleted file mode 100644 index 9960f7e17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_20.png deleted file mode 100644 index 4cea4ccef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character38/0680_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_01.png deleted file mode 100644 index 48e9e060c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_02.png deleted file mode 100644 index db7ff7961..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_03.png deleted file mode 100644 index c2cf6553e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_04.png deleted file mode 100644 index 5292045b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_05.png deleted file mode 100644 index 91d6c4c88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_06.png deleted file mode 100644 index 3e51e7ed6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_07.png deleted file mode 100644 index 61e1ef66d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_08.png deleted file mode 100644 index 5db233160..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_09.png deleted file mode 100644 index ac3abfccc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_10.png deleted file mode 100644 index 04a436b69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_11.png deleted file mode 100644 index 63edff29d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_12.png deleted file mode 100644 index cf436da9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_13.png deleted file mode 100644 index 94cd5f928..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_14.png deleted file mode 100644 index 8690cf6c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_15.png deleted file mode 100644 index 2faed923d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_16.png deleted file mode 100644 index bb700d3f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_17.png deleted file mode 100644 index da23c1b9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_18.png deleted file mode 100644 index a174b5416..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_19.png deleted file mode 100644 index bef69d7b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_20.png deleted file mode 100644 index 0a2cae27e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character39/0681_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_01.png deleted file mode 100644 index 3e67cfe0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_02.png deleted file mode 100644 index a52f5c738..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_03.png deleted file mode 100644 index f8138f114..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_04.png deleted file mode 100644 index fe6bfb44b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_05.png deleted file mode 100644 index 99f30c5ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_06.png deleted file mode 100644 index 1ebce1474..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_07.png deleted file mode 100644 index a812ec16c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_08.png deleted file mode 100644 index e4938f6b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_09.png deleted file mode 100644 index 9e51df34e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_10.png deleted file mode 100644 index b26a97289..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_11.png deleted file mode 100644 index 1ed6ba985..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_12.png deleted file mode 100644 index 8b2422acd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_13.png deleted file mode 100644 index 6637895ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_14.png deleted file mode 100644 index 717de64ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_15.png deleted file mode 100644 index 29c22a7b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_16.png deleted file mode 100644 index 6c68b398c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_17.png deleted file mode 100644 index 151ef0577..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_18.png deleted file mode 100644 index f36dbe9f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_19.png deleted file mode 100644 index d312c77bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_20.png deleted file mode 100644 index 17fed4fa0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Korean/character40/0682_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_01.png deleted file mode 100644 index e69bd3464..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_02.png deleted file mode 100644 index 3fee4d34e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_03.png deleted file mode 100644 index 1f449b381..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_04.png deleted file mode 100644 index 9102d72da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_05.png deleted file mode 100644 index e1ddb52a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_06.png deleted file mode 100644 index 3a0209945..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_07.png deleted file mode 100644 index 0cbe27800..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_08.png deleted file mode 100644 index 45448ab14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_09.png deleted file mode 100644 index c3f95b579..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_10.png deleted file mode 100644 index 19c63a956..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_11.png deleted file mode 100644 index cb4b19897..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_12.png deleted file mode 100644 index 5d2886aba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_13.png deleted file mode 100644 index 6e799d002..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_14.png deleted file mode 100644 index d6727531f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_15.png deleted file mode 100644 index 6ea6b374b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_16.png deleted file mode 100644 index 20c6649f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_17.png deleted file mode 100644 index 940d500e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_18.png deleted file mode 100644 index 638f9ecec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_19.png deleted file mode 100644 index 8bcc69158..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_20.png deleted file mode 100644 index 5f32e2abd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character01/0683_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_01.png deleted file mode 100644 index 1a72b1752..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_02.png deleted file mode 100644 index fa6d1072e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_03.png deleted file mode 100644 index a91263650..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_04.png deleted file mode 100644 index 588e3fbc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_05.png deleted file mode 100644 index 74e265050..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_06.png deleted file mode 100644 index be8c7927d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_07.png deleted file mode 100644 index e829c8170..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_08.png deleted file mode 100644 index 27432a6cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_09.png deleted file mode 100644 index 97bb72e76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_10.png deleted file mode 100644 index d07b0ac6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_11.png deleted file mode 100644 index 8ac06029e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_12.png deleted file mode 100644 index 4f5d9e023..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_13.png deleted file mode 100644 index f6ac58e28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_14.png deleted file mode 100644 index ff7360f24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_15.png deleted file mode 100644 index ecaa6c237..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_16.png deleted file mode 100644 index f36cb5f00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_17.png deleted file mode 100644 index d1304a0d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_18.png deleted file mode 100644 index fa7fbf29e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_19.png deleted file mode 100644 index 3a0f3946f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_20.png deleted file mode 100644 index 75b4abc62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character02/0684_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_01.png deleted file mode 100644 index 35865bdd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_02.png deleted file mode 100644 index c007d16b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_03.png deleted file mode 100644 index 0a3a926ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_04.png deleted file mode 100644 index 88abbdbd2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_05.png deleted file mode 100644 index b8dc93aa7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_06.png deleted file mode 100644 index 6107eb481..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_07.png deleted file mode 100644 index 6b5cdd501..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_08.png deleted file mode 100644 index 2d53032ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_09.png deleted file mode 100644 index 90d41cea1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_10.png deleted file mode 100644 index 567cb7287..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_11.png deleted file mode 100644 index c589c1ef8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_12.png deleted file mode 100644 index 1eb6ef4e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_13.png deleted file mode 100644 index b9946d898..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_14.png deleted file mode 100644 index 037eb30f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_15.png deleted file mode 100644 index 2e1c33739..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_16.png deleted file mode 100644 index a08c51dfc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_17.png deleted file mode 100644 index aa1d6156e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_18.png deleted file mode 100644 index 3d211342d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_19.png deleted file mode 100644 index 6c26a2b01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_20.png deleted file mode 100644 index d634a1a59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character03/0685_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_01.png deleted file mode 100644 index c5aba2876..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_02.png deleted file mode 100644 index 6664307a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_03.png deleted file mode 100644 index 97c802352..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_04.png deleted file mode 100644 index e6907a810..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_05.png deleted file mode 100644 index 7815eee0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_06.png deleted file mode 100644 index d2de12153..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_07.png deleted file mode 100644 index 3a6a15519..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_08.png deleted file mode 100644 index 662e2b86c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_09.png deleted file mode 100644 index 736699ea3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_10.png deleted file mode 100644 index 2884c7400..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_11.png deleted file mode 100644 index dc59e5814..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_12.png deleted file mode 100644 index aea6d99f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_13.png deleted file mode 100644 index 26f535d8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_14.png deleted file mode 100644 index f17fc4cac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_15.png deleted file mode 100644 index 85ab2132b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_16.png deleted file mode 100644 index 6a6f1482f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_17.png deleted file mode 100644 index 7e1971385..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_18.png deleted file mode 100644 index cc8021214..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_19.png deleted file mode 100644 index 14cc28e64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_20.png deleted file mode 100644 index 3247a4353..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character04/0686_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_01.png deleted file mode 100644 index 3973835f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_02.png deleted file mode 100644 index 5d3abf395..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_03.png deleted file mode 100644 index 25c383cbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_04.png deleted file mode 100644 index 13f289ebb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_05.png deleted file mode 100644 index f3d07838d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_06.png deleted file mode 100644 index a2f84c701..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_07.png deleted file mode 100644 index 7bcde3658..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_08.png deleted file mode 100644 index d42b9361d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_09.png deleted file mode 100644 index d49500ddb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_10.png deleted file mode 100644 index b8e6be056..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_11.png deleted file mode 100644 index d86848244..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_12.png deleted file mode 100644 index 2a51d9f19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_13.png deleted file mode 100644 index 1d5f1c984..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_14.png deleted file mode 100644 index 01fe22088..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_15.png deleted file mode 100644 index af886c20e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_16.png deleted file mode 100644 index 09c8f2cd5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_17.png deleted file mode 100644 index a05385f52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_18.png deleted file mode 100644 index ecc77c497..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_19.png deleted file mode 100644 index ed8a4c3f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_20.png deleted file mode 100644 index 7f4ef3432..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character05/0687_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_01.png deleted file mode 100644 index 436d98477..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_02.png deleted file mode 100644 index 39e9f2a05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_03.png deleted file mode 100644 index ee6acb28c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_04.png deleted file mode 100644 index 775fa5edd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_05.png deleted file mode 100644 index d302caabe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_06.png deleted file mode 100644 index 50a30a6e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_07.png deleted file mode 100644 index f6b0fc971..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_08.png deleted file mode 100644 index ecc9f55b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_09.png deleted file mode 100644 index 1c7081d84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_10.png deleted file mode 100644 index 0b6746b1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_11.png deleted file mode 100644 index 27e78a90c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_12.png deleted file mode 100644 index a080e1600..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_13.png deleted file mode 100644 index f7b5d734f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_14.png deleted file mode 100644 index 1a5de142c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_15.png deleted file mode 100644 index 50ddde463..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_16.png deleted file mode 100644 index 2e33a5be6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_17.png deleted file mode 100644 index bf8bc5ab4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_18.png deleted file mode 100644 index db1863feb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_19.png deleted file mode 100644 index b1fda474e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_20.png deleted file mode 100644 index 2499888ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character06/0688_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_01.png deleted file mode 100644 index 35d510007..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_02.png deleted file mode 100644 index c5ec50e03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_03.png deleted file mode 100644 index 75808c214..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_04.png deleted file mode 100644 index 3ce881fbb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_05.png deleted file mode 100644 index 256ee954a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_06.png deleted file mode 100644 index 70b449e80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_07.png deleted file mode 100644 index b03c1b4c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_08.png deleted file mode 100644 index f6734a3bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_09.png deleted file mode 100644 index 48a3e4015..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_10.png deleted file mode 100644 index bee64536d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_11.png deleted file mode 100644 index 1c3988f57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_12.png deleted file mode 100644 index 6b1914737..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_13.png deleted file mode 100644 index 076148d88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_14.png deleted file mode 100644 index e674160e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_15.png deleted file mode 100644 index 0824078d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_16.png deleted file mode 100644 index 18a9edbf4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_17.png deleted file mode 100644 index 2eb84244a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_18.png deleted file mode 100644 index 6bad0f1e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_19.png deleted file mode 100644 index 60874e574..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_20.png deleted file mode 100644 index ae9b43915..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character07/0689_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_01.png deleted file mode 100644 index dfb31283a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_02.png deleted file mode 100644 index a4cca2f7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_03.png deleted file mode 100644 index 37368bdac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_04.png deleted file mode 100644 index ff176d982..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_05.png deleted file mode 100644 index 3c82ca9d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_06.png deleted file mode 100644 index fca0c1818..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_07.png deleted file mode 100644 index ff34e5c88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_08.png deleted file mode 100644 index d35640aa4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_09.png deleted file mode 100644 index 9cdc81175..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_10.png deleted file mode 100644 index a16f3bfec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_11.png deleted file mode 100644 index 14eb67e9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_12.png deleted file mode 100644 index ab5580fd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_13.png deleted file mode 100644 index f81f6eb98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_14.png deleted file mode 100644 index 303c2dd25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_15.png deleted file mode 100644 index 439c012db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_16.png deleted file mode 100644 index 887f250b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_17.png deleted file mode 100644 index 683ead1fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_18.png deleted file mode 100644 index 9133a755c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_19.png deleted file mode 100644 index 4561cf3b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_20.png deleted file mode 100644 index 2cb2bd374..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character08/0690_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_01.png deleted file mode 100644 index 118e3c802..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_02.png deleted file mode 100644 index 570b10a86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_03.png deleted file mode 100644 index 48973b7d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_04.png deleted file mode 100644 index 086a98304..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_05.png deleted file mode 100644 index 7559e2392..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_06.png deleted file mode 100644 index 2223f7da0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_07.png deleted file mode 100644 index a369b4332..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_08.png deleted file mode 100644 index a6865f6f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_09.png deleted file mode 100644 index 4a12afccf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_10.png deleted file mode 100644 index 104bf4140..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_11.png deleted file mode 100644 index ec3b63ad0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_12.png deleted file mode 100644 index e24bd5b8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_13.png deleted file mode 100644 index d8d5ad277..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_14.png deleted file mode 100644 index 83e5a5de0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_15.png deleted file mode 100644 index 56848aca5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_16.png deleted file mode 100644 index d6d0ec59c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_17.png deleted file mode 100644 index 891f09e0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_18.png deleted file mode 100644 index e8c79638d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_19.png deleted file mode 100644 index 3698d2b31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_20.png deleted file mode 100644 index b6ace9541..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character09/0691_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_01.png deleted file mode 100644 index d51dd9310..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_02.png deleted file mode 100644 index 0fb306e9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_03.png deleted file mode 100644 index e6e8ca661..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_04.png deleted file mode 100644 index c1d8929e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_05.png deleted file mode 100644 index b4ab5b0a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_06.png deleted file mode 100644 index 94ac6a7df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_07.png deleted file mode 100644 index b25cad40e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_08.png deleted file mode 100644 index 605b3f37c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_09.png deleted file mode 100644 index ea3392d0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_10.png deleted file mode 100644 index 469e709b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_11.png deleted file mode 100644 index dcbc2dd7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_12.png deleted file mode 100644 index 717f15dbb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_13.png deleted file mode 100644 index 18bcecdfc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_14.png deleted file mode 100644 index c705d0b43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_15.png deleted file mode 100644 index 3b6f1143b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_16.png deleted file mode 100644 index 9da51e85b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_17.png deleted file mode 100644 index a0370ba23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_18.png deleted file mode 100644 index ed3a025c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_19.png deleted file mode 100644 index 1ea6918ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_20.png deleted file mode 100644 index 9db683fe8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character10/0692_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_01.png deleted file mode 100644 index b33cc48b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_02.png deleted file mode 100644 index d3fdec240..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_03.png deleted file mode 100644 index 97f7f5266..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_04.png deleted file mode 100644 index 2443fa426..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_05.png deleted file mode 100644 index fbaa1c9e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_06.png deleted file mode 100644 index beb1cc4b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_07.png deleted file mode 100644 index a20c3df6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_08.png deleted file mode 100644 index c0cefe3f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_09.png deleted file mode 100644 index 80cd57307..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_10.png deleted file mode 100644 index 5352023c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_11.png deleted file mode 100644 index d3f30ac78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_12.png deleted file mode 100644 index 0b7f0966f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_13.png deleted file mode 100644 index 0f6dfb271..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_14.png deleted file mode 100644 index 2789f2797..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_15.png deleted file mode 100644 index daa9b8eaa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_16.png deleted file mode 100644 index 91bf59bc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_17.png deleted file mode 100644 index c475bbb95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_18.png deleted file mode 100644 index efd2dc3de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_19.png deleted file mode 100644 index 1135631c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_20.png deleted file mode 100644 index abec8effd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character11/0693_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_01.png deleted file mode 100644 index fa42a3292..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_02.png deleted file mode 100644 index 5c408283f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_03.png deleted file mode 100644 index 46ca29f9d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_04.png deleted file mode 100644 index 88d9b3e4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_05.png deleted file mode 100644 index 48ac937bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_06.png deleted file mode 100644 index 8bfa09d61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_07.png deleted file mode 100644 index 88cf86862..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_08.png deleted file mode 100644 index c9f0a42b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_09.png deleted file mode 100644 index 75515bfed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_10.png deleted file mode 100644 index 4a028be51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_11.png deleted file mode 100644 index 77163cb21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_12.png deleted file mode 100644 index 5ede3f8fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_13.png deleted file mode 100644 index 343b0091f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_14.png deleted file mode 100644 index fd91fe7b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_15.png deleted file mode 100644 index cb38fbbbf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_16.png deleted file mode 100644 index 1b31cef44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_17.png deleted file mode 100644 index 625bbee01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_18.png deleted file mode 100644 index 3c982d12e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_19.png deleted file mode 100644 index c74d402f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_20.png deleted file mode 100644 index ca66eed37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character12/0694_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_01.png deleted file mode 100644 index 866571bca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_02.png deleted file mode 100644 index 9526f92e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_03.png deleted file mode 100644 index 0663847dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_04.png deleted file mode 100644 index ffc9c1a5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_05.png deleted file mode 100644 index d968a77b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_06.png deleted file mode 100644 index 243f2ab47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_07.png deleted file mode 100644 index 116bc911d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_08.png deleted file mode 100644 index ee4c6eb83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_09.png deleted file mode 100644 index ba605cd41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_10.png deleted file mode 100644 index 640eb75c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_11.png deleted file mode 100644 index eae99ae08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_12.png deleted file mode 100644 index 949db7cf0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_13.png deleted file mode 100644 index b04567930..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_14.png deleted file mode 100644 index 7cdf90c7b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_15.png deleted file mode 100644 index f0b10ff82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_16.png deleted file mode 100644 index 77f06095f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_17.png deleted file mode 100644 index 871f4f3b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_18.png deleted file mode 100644 index 94c9ba5a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_19.png deleted file mode 100644 index 853b55620..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_20.png deleted file mode 100644 index 4ea18f347..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character13/0695_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_01.png deleted file mode 100644 index 3b9fb6283..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_02.png deleted file mode 100644 index cfd017451..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_03.png deleted file mode 100644 index d0d94c7ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_04.png deleted file mode 100644 index 0a25473ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_05.png deleted file mode 100644 index 0aa35afdf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_06.png deleted file mode 100644 index fe757ba1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_07.png deleted file mode 100644 index baec4155e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_08.png deleted file mode 100644 index 3e13023e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_09.png deleted file mode 100644 index 402d5b015..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_10.png deleted file mode 100644 index d5576ed88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_11.png deleted file mode 100644 index e816f8fe0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_12.png deleted file mode 100644 index 79dc6feb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_13.png deleted file mode 100644 index b83830c5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_14.png deleted file mode 100644 index d888bbe64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_15.png deleted file mode 100644 index dce2d5158..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_16.png deleted file mode 100644 index e3816b989..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_17.png deleted file mode 100644 index 83e756567..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_18.png deleted file mode 100644 index d4d70cff5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_19.png deleted file mode 100644 index 1cb0f3c53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_20.png deleted file mode 100644 index a1149a8f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character14/0696_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_01.png deleted file mode 100644 index c5a3dd056..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_02.png deleted file mode 100644 index 0c7ec7788..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_03.png deleted file mode 100644 index 0e0764895..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_04.png deleted file mode 100644 index f39aaa715..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_05.png deleted file mode 100644 index 61c1d50b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_06.png deleted file mode 100644 index d6c2cc7a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_07.png deleted file mode 100644 index 79ed78636..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_08.png deleted file mode 100644 index d05e8f04f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_09.png deleted file mode 100644 index b5a99e87a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_10.png deleted file mode 100644 index 377b618db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_11.png deleted file mode 100644 index 67815f99e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_12.png deleted file mode 100644 index 5db11af86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_13.png deleted file mode 100644 index 9c219bb96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_14.png deleted file mode 100644 index b38a25255..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_15.png deleted file mode 100644 index d2addcbe4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_16.png deleted file mode 100644 index fc65d9607..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_17.png deleted file mode 100644 index ac3fb4180..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_18.png deleted file mode 100644 index 0be7a82b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_19.png deleted file mode 100644 index 019afee73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_20.png deleted file mode 100644 index 5e5f24d01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character15/0697_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_01.png deleted file mode 100644 index 296ae8496..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_02.png deleted file mode 100644 index 230b8eba1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_03.png deleted file mode 100644 index e90840bcc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_04.png deleted file mode 100644 index 6b2591843..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_05.png deleted file mode 100644 index 6133edeeb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_06.png deleted file mode 100644 index 9aec62416..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_07.png deleted file mode 100644 index 21d9dbcaf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_08.png deleted file mode 100644 index da9ba8942..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_09.png deleted file mode 100644 index ff03dc950..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_10.png deleted file mode 100644 index c5493f233..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_11.png deleted file mode 100644 index cc65004d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_12.png deleted file mode 100644 index 11e5bb61d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_13.png deleted file mode 100644 index c45a90f41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_14.png deleted file mode 100644 index a90c50b51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_15.png deleted file mode 100644 index e3e66d348..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_16.png deleted file mode 100644 index d90900f1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_17.png deleted file mode 100644 index 9d7d31d4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_18.png deleted file mode 100644 index 3c39bc657..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_19.png deleted file mode 100644 index 5287d354f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_20.png deleted file mode 100644 index 7270d88c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character16/0698_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_01.png deleted file mode 100644 index 77dde9d94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_02.png deleted file mode 100644 index ad041df45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_03.png deleted file mode 100644 index 29171f219..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_04.png deleted file mode 100644 index 329272b51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_05.png deleted file mode 100644 index 5c711436b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_06.png deleted file mode 100644 index 2f4e7fb52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_07.png deleted file mode 100644 index 30714aa47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_08.png deleted file mode 100644 index b1ab118d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_09.png deleted file mode 100644 index ad46604c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_10.png deleted file mode 100644 index 49ca63699..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_11.png deleted file mode 100644 index 63724fdc2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_12.png deleted file mode 100644 index 0ea09febc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_13.png deleted file mode 100644 index ef2505ef8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_14.png deleted file mode 100644 index 724037ae0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_15.png deleted file mode 100644 index 41144ebcd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_16.png deleted file mode 100644 index f9e656485..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_17.png deleted file mode 100644 index 4bebc5273..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_18.png deleted file mode 100644 index e1a848bfb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_19.png deleted file mode 100644 index 67c961814..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_20.png deleted file mode 100644 index 53a977808..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character17/0699_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_01.png deleted file mode 100644 index 231dd1b60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_02.png deleted file mode 100644 index 49c02fabd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_03.png deleted file mode 100644 index cd754b8d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_04.png deleted file mode 100644 index 3fa37d119..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_05.png deleted file mode 100644 index 2ecd327b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_06.png deleted file mode 100644 index cb969eb62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_07.png deleted file mode 100644 index 96804de19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_08.png deleted file mode 100644 index 334da680c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_09.png deleted file mode 100644 index 400547a7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_10.png deleted file mode 100644 index 5f0e18f02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_11.png deleted file mode 100644 index de3c0838c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_12.png deleted file mode 100644 index 21cc667f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_13.png deleted file mode 100644 index d397a76d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_14.png deleted file mode 100644 index 55b97b62d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_15.png deleted file mode 100644 index 703e7fc9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_16.png deleted file mode 100644 index 127115bcc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_17.png deleted file mode 100644 index 9bd048e9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_18.png deleted file mode 100644 index 8100cc9ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_19.png deleted file mode 100644 index 99c62b618..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_20.png deleted file mode 100644 index 9eb89485b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character18/0700_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_01.png deleted file mode 100644 index 15a0fb37c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_02.png deleted file mode 100644 index 34d072b63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_03.png deleted file mode 100644 index 1454ca056..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_04.png deleted file mode 100644 index 57316713c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_05.png deleted file mode 100644 index 61805f665..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_06.png deleted file mode 100644 index 77bc5506c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_07.png deleted file mode 100644 index 584706521..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_08.png deleted file mode 100644 index c1016b45f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_09.png deleted file mode 100644 index 699faec34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_10.png deleted file mode 100644 index c45f2a7b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_11.png deleted file mode 100644 index 6c1319fb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_12.png deleted file mode 100644 index c8d551a9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_13.png deleted file mode 100644 index f04b1ed91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_14.png deleted file mode 100644 index 46e707ec1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_15.png deleted file mode 100644 index 38586a22c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_16.png deleted file mode 100644 index 60630eb78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_17.png deleted file mode 100644 index 4f48323cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_18.png deleted file mode 100644 index 4494ac573..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_19.png deleted file mode 100644 index ccd76695e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_20.png deleted file mode 100644 index 876af2b9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character19/0701_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_01.png deleted file mode 100644 index 0f4967b8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_02.png deleted file mode 100644 index e36d114c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_03.png deleted file mode 100644 index 79eb66dc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_04.png deleted file mode 100644 index 528b598ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_05.png deleted file mode 100644 index 6b66f5c97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_06.png deleted file mode 100644 index 2fbcf5c7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_07.png deleted file mode 100644 index 77285d1cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_08.png deleted file mode 100644 index c53cdf8e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_09.png deleted file mode 100644 index c70e84d17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_10.png deleted file mode 100644 index ede17eb99..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_11.png deleted file mode 100644 index 7f4ec0628..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_12.png deleted file mode 100644 index 099b5ed69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_13.png deleted file mode 100644 index f705ed9eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_14.png deleted file mode 100644 index 63c65f351..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_15.png deleted file mode 100644 index 2963e88d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_16.png deleted file mode 100644 index 2da296834..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_17.png deleted file mode 100644 index 5808945c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_18.png deleted file mode 100644 index 678aeb06b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_19.png deleted file mode 100644 index d0ee1e285..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_20.png deleted file mode 100644 index 472e5cd97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character20/0702_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_01.png deleted file mode 100644 index bab35da29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_02.png deleted file mode 100644 index ac09c71e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_03.png deleted file mode 100644 index e2b93acf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_04.png deleted file mode 100644 index 57733c241..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_05.png deleted file mode 100644 index a6962b941..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_06.png deleted file mode 100644 index 181c1f1a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_07.png deleted file mode 100644 index b3c6960a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_08.png deleted file mode 100644 index 50957fc79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_09.png deleted file mode 100644 index a27926623..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_10.png deleted file mode 100644 index 5ef6f3369..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_11.png deleted file mode 100644 index 68281000b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_12.png deleted file mode 100644 index 72bd6ab28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_13.png deleted file mode 100644 index 51cbd1ed8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_14.png deleted file mode 100644 index 79077077a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_15.png deleted file mode 100644 index 0433f906e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_16.png deleted file mode 100644 index 311417d25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_17.png deleted file mode 100644 index 5b6b5ee15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_18.png deleted file mode 100644 index 9995860fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_19.png deleted file mode 100644 index 8991a2448..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_20.png deleted file mode 100644 index 34fd63a6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character21/0703_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_01.png deleted file mode 100644 index 91ac2a284..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_02.png deleted file mode 100644 index 5d950d8dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_03.png deleted file mode 100644 index 065fd9ad4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_04.png deleted file mode 100644 index 97c580f42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_05.png deleted file mode 100644 index 13cbf6132..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_06.png deleted file mode 100644 index ee8e4a14a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_07.png deleted file mode 100644 index 54f8a76c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_08.png deleted file mode 100644 index 6dad215ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_09.png deleted file mode 100644 index fa713cb91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_10.png deleted file mode 100644 index 65f9d527a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_11.png deleted file mode 100644 index 89e0341a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_12.png deleted file mode 100644 index 34af7f160..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_13.png deleted file mode 100644 index 4cf050864..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_14.png deleted file mode 100644 index 9b94f6032..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_15.png deleted file mode 100644 index 0fc878279..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_16.png deleted file mode 100644 index 268069162..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_17.png deleted file mode 100644 index da33d9027..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_18.png deleted file mode 100644 index 07ec77013..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_19.png deleted file mode 100644 index 63cafc4c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_20.png deleted file mode 100644 index 54107853b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character22/0704_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_01.png deleted file mode 100644 index 062b89e23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_02.png deleted file mode 100644 index 3e4c3495e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_03.png deleted file mode 100644 index 99baf2abe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_04.png deleted file mode 100644 index 5ba5f7d80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_05.png deleted file mode 100644 index 5e46db700..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_06.png deleted file mode 100644 index dce0efe94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_07.png deleted file mode 100644 index 91795d2c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_08.png deleted file mode 100644 index 6dad07bf4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_09.png deleted file mode 100644 index c1898a1ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_10.png deleted file mode 100644 index fbcb6c980..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_11.png deleted file mode 100644 index c78a3c58f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_12.png deleted file mode 100644 index f925a0dfb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_13.png deleted file mode 100644 index e82c48d98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_14.png deleted file mode 100644 index dfbaa4c14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_15.png deleted file mode 100644 index d38939bed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_16.png deleted file mode 100644 index c3cf55153..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_17.png deleted file mode 100644 index 445d70128..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_18.png deleted file mode 100644 index 395b9a0f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_19.png deleted file mode 100644 index e140c2376..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_20.png deleted file mode 100644 index 2cb667fb1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character23/0705_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_01.png deleted file mode 100644 index b1703d975..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_02.png deleted file mode 100644 index 7a67ab3e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_03.png deleted file mode 100644 index 01d8657e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_04.png deleted file mode 100644 index dd636f84e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_05.png deleted file mode 100644 index df70a66b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_06.png deleted file mode 100644 index 2de53c7fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_07.png deleted file mode 100644 index e3c11fd82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_08.png deleted file mode 100644 index 2ed6d53fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_09.png deleted file mode 100644 index 9d5d319fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_10.png deleted file mode 100644 index 74ed43386..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_11.png deleted file mode 100644 index 1e5727de0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_12.png deleted file mode 100644 index 9a95f6136..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_13.png deleted file mode 100644 index 4b065b5f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_14.png deleted file mode 100644 index 5ee745ef3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_15.png deleted file mode 100644 index d6995aec0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_16.png deleted file mode 100644 index 6f96250ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_17.png deleted file mode 100644 index 5b93ad123..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_18.png deleted file mode 100644 index e87e2d1b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_19.png deleted file mode 100644 index 9ae4fbe5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_20.png deleted file mode 100644 index b7ef8c89f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character24/0706_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_01.png deleted file mode 100644 index 99afad176..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_02.png deleted file mode 100644 index 054103eb3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_03.png deleted file mode 100644 index 59d12cf87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_04.png deleted file mode 100644 index 715189647..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_05.png deleted file mode 100644 index 5e3df42a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_06.png deleted file mode 100644 index 83e75bf14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_07.png deleted file mode 100644 index fd9bd0ffa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_08.png deleted file mode 100644 index 16ce5e50b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_09.png deleted file mode 100644 index 7fbb7bb9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_10.png deleted file mode 100644 index 958515c9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_11.png deleted file mode 100644 index 7fc962ad4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_12.png deleted file mode 100644 index 4ef8cb8e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_13.png deleted file mode 100644 index 7ec1242a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_14.png deleted file mode 100644 index 4b28e6683..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_15.png deleted file mode 100644 index cc4c195d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_16.png deleted file mode 100644 index ba81d86d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_17.png deleted file mode 100644 index 37a035073..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_18.png deleted file mode 100644 index 918a232c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_19.png deleted file mode 100644 index 9b5e76284..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_20.png deleted file mode 100644 index 7851c4470..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character25/0707_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_01.png deleted file mode 100644 index 4da8006d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_02.png deleted file mode 100644 index c98d87a9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_03.png deleted file mode 100644 index 3c287fe57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_04.png deleted file mode 100644 index 6e062639e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_05.png deleted file mode 100644 index 1aaa89ad3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_06.png deleted file mode 100644 index e2b570741..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_07.png deleted file mode 100644 index 7b9175fee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_08.png deleted file mode 100644 index 05567faaa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_09.png deleted file mode 100644 index 0311b9ef9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_10.png deleted file mode 100644 index c60372ed3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_11.png deleted file mode 100644 index 5054db960..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_12.png deleted file mode 100644 index d458d578a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_13.png deleted file mode 100644 index 865a3af4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_14.png deleted file mode 100644 index 48e64652f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_15.png deleted file mode 100644 index ca6bdaf73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_16.png deleted file mode 100644 index d03961f69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_17.png deleted file mode 100644 index c30234bf0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_18.png deleted file mode 100644 index 90cbe7f36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_19.png deleted file mode 100644 index ddd603d25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_20.png deleted file mode 100644 index 13cfc0060..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Latin/character26/0708_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_01.png deleted file mode 100644 index 7052f967e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_02.png deleted file mode 100644 index 460a48617..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_03.png deleted file mode 100644 index a6d3ca3c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_04.png deleted file mode 100644 index b0104db81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_05.png deleted file mode 100644 index c23f7183a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_06.png deleted file mode 100644 index 5be95b40c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_07.png deleted file mode 100644 index c9c912bc0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_08.png deleted file mode 100644 index 4d066c4d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_09.png deleted file mode 100644 index 8e97b8d02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_10.png deleted file mode 100644 index 9d79ae0b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_11.png deleted file mode 100644 index 12b0c3a6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_12.png deleted file mode 100644 index aa117929b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_13.png deleted file mode 100644 index 8f28e5d24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_14.png deleted file mode 100644 index a9a57912a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_15.png deleted file mode 100644 index 4e1eb0ba0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_16.png deleted file mode 100644 index c8e3ddf5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_17.png deleted file mode 100644 index b11f511b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_18.png deleted file mode 100644 index ec42f3479..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_19.png deleted file mode 100644 index 9c5c7278c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_20.png deleted file mode 100644 index 90906a891..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_01.png deleted file mode 100644 index 50a36c89b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_02.png deleted file mode 100644 index c3144e669..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_03.png deleted file mode 100644 index 535e0c5b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_04.png deleted file mode 100644 index 29f7f2f89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_05.png deleted file mode 100644 index 378a65e71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_06.png deleted file mode 100644 index e8682d524..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_07.png deleted file mode 100644 index 1bfc085c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_08.png deleted file mode 100644 index f880e3cf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_09.png deleted file mode 100644 index 45ba88d77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_10.png deleted file mode 100644 index 634c13e96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_11.png deleted file mode 100644 index 7c959eb28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_12.png deleted file mode 100644 index 59d941059..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_13.png deleted file mode 100644 index c26b7cd72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_14.png deleted file mode 100644 index dda1e015d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_15.png deleted file mode 100644 index 69d09fddc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_16.png deleted file mode 100644 index 77c786d88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_17.png deleted file mode 100644 index ba940d074..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_18.png deleted file mode 100644 index 521793c61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_19.png deleted file mode 100644 index 8159b4b66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_20.png deleted file mode 100644 index 2716a89a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_01.png deleted file mode 100644 index 820d865bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_02.png deleted file mode 100644 index 81009de8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_03.png deleted file mode 100644 index 25cebf689..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_04.png deleted file mode 100644 index e467b80fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_05.png deleted file mode 100644 index 16e269764..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_06.png deleted file mode 100644 index da7301b2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_07.png deleted file mode 100644 index 1c9cb8e1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_08.png deleted file mode 100644 index 70790c8fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_09.png deleted file mode 100644 index 7bbe4fedb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_10.png deleted file mode 100644 index 3893a1d71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_11.png deleted file mode 100644 index cb5848df5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_12.png deleted file mode 100644 index 600106746..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_13.png deleted file mode 100644 index 7d26b6eff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_14.png deleted file mode 100644 index 4b911147c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_15.png deleted file mode 100644 index 9c6c25aec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_16.png deleted file mode 100644 index 5339db77f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_17.png deleted file mode 100644 index 19723b302..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_18.png deleted file mode 100644 index e5a82507d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_19.png deleted file mode 100644 index f79124324..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_20.png deleted file mode 100644 index 2140646cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_01.png deleted file mode 100644 index 4dd83d9e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_02.png deleted file mode 100644 index e5f222280..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_03.png deleted file mode 100644 index 06dcc0345..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_04.png deleted file mode 100644 index 264329e22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_05.png deleted file mode 100644 index 74120740c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_06.png deleted file mode 100644 index 0ce24c462..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_07.png deleted file mode 100644 index fbe8aec21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_08.png deleted file mode 100644 index 04c056b16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_09.png deleted file mode 100644 index 317f43cc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_10.png deleted file mode 100644 index 03316b85f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_11.png deleted file mode 100644 index 6ce87aebc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_12.png deleted file mode 100644 index d9f7ca5d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_13.png deleted file mode 100644 index e5c053949..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_14.png deleted file mode 100644 index eba89e556..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_15.png deleted file mode 100644 index 6344a98c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_16.png deleted file mode 100644 index ae4babed6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_17.png deleted file mode 100644 index 7deba1973..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_18.png deleted file mode 100644 index 7cd5e0620..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_19.png deleted file mode 100644 index 32eaff299..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_20.png deleted file mode 100644 index 3ed0e785b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_01.png deleted file mode 100644 index 2f4da33c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_02.png deleted file mode 100644 index a29a0fed6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_03.png deleted file mode 100644 index 7b2af0b2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_04.png deleted file mode 100644 index 2adf77361..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_05.png deleted file mode 100644 index 0bc765dcc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_06.png deleted file mode 100644 index 08a72874e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_07.png deleted file mode 100644 index 8420e88ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_08.png deleted file mode 100644 index df73dcb1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_09.png deleted file mode 100644 index 357d76823..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_10.png deleted file mode 100644 index d86f906e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_11.png deleted file mode 100644 index ca124dc16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_12.png deleted file mode 100644 index dc155a6ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_13.png deleted file mode 100644 index fc1a3be8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_14.png deleted file mode 100644 index f168a4296..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_15.png deleted file mode 100644 index d2d868fbf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_16.png deleted file mode 100644 index b7d72ab5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_17.png deleted file mode 100644 index 609b46a67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_18.png deleted file mode 100644 index d373b5b22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_19.png deleted file mode 100644 index eee5db1bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_20.png deleted file mode 100644 index 95d5f8bd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_01.png deleted file mode 100644 index 614b27c14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_02.png deleted file mode 100644 index 376f469ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_03.png deleted file mode 100644 index 48723cd63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_04.png deleted file mode 100644 index c99f44e3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_05.png deleted file mode 100644 index 59efcda0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_06.png deleted file mode 100644 index 37ff6ff93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_07.png deleted file mode 100644 index f83ec2f27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_08.png deleted file mode 100644 index 589da27ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_09.png deleted file mode 100644 index 5793da87a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_10.png deleted file mode 100644 index c22af7972..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_11.png deleted file mode 100644 index 2f4eeec25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_12.png deleted file mode 100644 index d15af65a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_13.png deleted file mode 100644 index 6e832cf90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_14.png deleted file mode 100644 index 3e73bd934..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_15.png deleted file mode 100644 index 718104ab3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_16.png deleted file mode 100644 index a9640a792..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_17.png deleted file mode 100644 index 355df3b81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_18.png deleted file mode 100644 index e8fc55e4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_19.png deleted file mode 100644 index 59c6662f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_20.png deleted file mode 100644 index 6114bd585..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_01.png deleted file mode 100644 index 2d35102e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_02.png deleted file mode 100644 index 3986f3bc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_03.png deleted file mode 100644 index 38f74bf92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_04.png deleted file mode 100644 index b8b366eb7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_05.png deleted file mode 100644 index 739c94ec0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_06.png deleted file mode 100644 index 5e7e63f11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_07.png deleted file mode 100644 index a253c7819..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_08.png deleted file mode 100644 index 5157a9fa2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_09.png deleted file mode 100644 index cb549da39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_10.png deleted file mode 100644 index c9b1f0a37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_11.png deleted file mode 100644 index cfdb9cfe1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_12.png deleted file mode 100644 index 2691d85ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_13.png deleted file mode 100644 index 851871bb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_14.png deleted file mode 100644 index 16d3a779e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_15.png deleted file mode 100644 index 206133446..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_16.png deleted file mode 100644 index 051e6954b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_17.png deleted file mode 100644 index b93b64f01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_18.png deleted file mode 100644 index aaadffe52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_19.png deleted file mode 100644 index eccef8592..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_20.png deleted file mode 100644 index 15a8fc9b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_01.png deleted file mode 100644 index 29d62730d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_02.png deleted file mode 100644 index 9835c8cf9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_03.png deleted file mode 100644 index fe5563ce6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_04.png deleted file mode 100644 index f36667afa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_05.png deleted file mode 100644 index bc0810464..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_06.png deleted file mode 100644 index 9181355ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_07.png deleted file mode 100644 index 45fae2974..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_08.png deleted file mode 100644 index 9874c4c9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_09.png deleted file mode 100644 index df3062986..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_10.png deleted file mode 100644 index 2093c5d37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_11.png deleted file mode 100644 index 9e5706d70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_12.png deleted file mode 100644 index 3a26191f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_13.png deleted file mode 100644 index 8c7f6bc4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_14.png deleted file mode 100644 index ac04f6d51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_15.png deleted file mode 100644 index 0c5690284..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_16.png deleted file mode 100644 index ac16e967a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_17.png deleted file mode 100644 index 4faffd950..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_18.png deleted file mode 100644 index b684c4f01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_19.png deleted file mode 100644 index 23dffa5d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_20.png deleted file mode 100644 index 476cef769..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_01.png deleted file mode 100644 index 8629c4e83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_02.png deleted file mode 100644 index 75dbf5b2e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_03.png deleted file mode 100644 index a7294f4a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_04.png deleted file mode 100644 index 031a7fcf3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_05.png deleted file mode 100644 index 5619f17b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_06.png deleted file mode 100644 index 6a122356e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_07.png deleted file mode 100644 index 6e35099ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_08.png deleted file mode 100644 index 16ccd3230..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_09.png deleted file mode 100644 index 9e109e137..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_10.png deleted file mode 100644 index 14302518e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_11.png deleted file mode 100644 index 2bc697fe6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_12.png deleted file mode 100644 index ba2a3c661..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_13.png deleted file mode 100644 index 0039213a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_14.png deleted file mode 100644 index c66b43941..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_15.png deleted file mode 100644 index 7b3767250..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_16.png deleted file mode 100644 index aec8503c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_17.png deleted file mode 100644 index a591a0c85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_18.png deleted file mode 100644 index da5a5c19f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_19.png deleted file mode 100644 index 0938d6d44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_20.png deleted file mode 100644 index dc4fcdc22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_01.png deleted file mode 100644 index 7439a3cf1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_02.png deleted file mode 100644 index 79250bc54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_03.png deleted file mode 100644 index eaeb70f78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_04.png deleted file mode 100644 index bb675658f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_05.png deleted file mode 100644 index cf0550475..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_06.png deleted file mode 100644 index 17e95aba3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_07.png deleted file mode 100644 index b6fbf743b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_08.png deleted file mode 100644 index 7b45015ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_09.png deleted file mode 100644 index ce0a98112..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_10.png deleted file mode 100644 index 29fab5d88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_11.png deleted file mode 100644 index 5f6d17c69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_12.png deleted file mode 100644 index f52ceb04c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_13.png deleted file mode 100644 index 707898442..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_14.png deleted file mode 100644 index b46d73ebc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_15.png deleted file mode 100644 index 082699c08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_16.png deleted file mode 100644 index 086e42237..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_17.png deleted file mode 100644 index c3b6e149c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_18.png deleted file mode 100644 index b96bd371a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_19.png deleted file mode 100644 index 3b9d763de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_20.png deleted file mode 100644 index 6a83a29ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_01.png deleted file mode 100644 index 1768122ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_02.png deleted file mode 100644 index cb14824f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_03.png deleted file mode 100644 index 0c05a88a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_04.png deleted file mode 100644 index 17417fffa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_05.png deleted file mode 100644 index fff10bb62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_06.png deleted file mode 100644 index b78af8752..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_07.png deleted file mode 100644 index 8db92afef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_08.png deleted file mode 100644 index 964dfa447..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_09.png deleted file mode 100644 index e5fb260f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_10.png deleted file mode 100644 index b33e15e52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_11.png deleted file mode 100644 index 9217e00ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_12.png deleted file mode 100644 index 877b10445..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_13.png deleted file mode 100644 index 1cefe115e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_14.png deleted file mode 100644 index 4a5a4a3b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_15.png deleted file mode 100644 index 72aaff70f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_16.png deleted file mode 100644 index e2d8e301d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_17.png deleted file mode 100644 index 3bae890f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_18.png deleted file mode 100644 index 42f69009c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_19.png deleted file mode 100644 index ae68110bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_20.png deleted file mode 100644 index 13660cf6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_01.png deleted file mode 100644 index a419f99f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_02.png deleted file mode 100644 index 559103b56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_03.png deleted file mode 100644 index 712e5a10a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_04.png deleted file mode 100644 index b15cedb72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_05.png deleted file mode 100644 index 171bed8ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_06.png deleted file mode 100644 index b82e5ebd5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_07.png deleted file mode 100644 index fea2a869d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_08.png deleted file mode 100644 index b7b62b690..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_09.png deleted file mode 100644 index b78204465..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_10.png deleted file mode 100644 index 234f4855a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_11.png deleted file mode 100644 index c14c1ac70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_12.png deleted file mode 100644 index 720411579..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_13.png deleted file mode 100644 index d7b17c8ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_14.png deleted file mode 100644 index 5dc672a57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_15.png deleted file mode 100644 index 5ebbb511a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_16.png deleted file mode 100644 index 0632ec4eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_17.png deleted file mode 100644 index 8e167de2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_18.png deleted file mode 100644 index bc2d3e792..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_19.png deleted file mode 100644 index 60b738bcc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_20.png deleted file mode 100644 index 1da6b7221..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_01.png deleted file mode 100644 index b873d9079..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_02.png deleted file mode 100644 index 5930ca7ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_03.png deleted file mode 100644 index 7f5b4a21c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_04.png deleted file mode 100644 index 6141d0c46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_05.png deleted file mode 100644 index dac470a31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_06.png deleted file mode 100644 index 1b4b18df4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_07.png deleted file mode 100644 index edfda034a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_08.png deleted file mode 100644 index c1c571c66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_09.png deleted file mode 100644 index a600ac30a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_10.png deleted file mode 100644 index 6bfc4ae82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_11.png deleted file mode 100644 index 4fb0781ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_12.png deleted file mode 100644 index 773ccbdfa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_13.png deleted file mode 100644 index 3db769111..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_14.png deleted file mode 100644 index 639dcb381..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_15.png deleted file mode 100644 index 47f084b1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_16.png deleted file mode 100644 index de691e71d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_17.png deleted file mode 100644 index 3a91bbd20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_18.png deleted file mode 100644 index 797c3da55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_19.png deleted file mode 100644 index 62978ad88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_20.png deleted file mode 100644 index 8dc564883..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_01.png deleted file mode 100644 index d178ef708..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_02.png deleted file mode 100644 index 56c970ad8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_03.png deleted file mode 100644 index 5645f4538..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_04.png deleted file mode 100644 index d69ab6f41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_05.png deleted file mode 100644 index 9a26be622..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_06.png deleted file mode 100644 index edba6338a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_07.png deleted file mode 100644 index 6ccf15289..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_08.png deleted file mode 100644 index e9fb49b34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_09.png deleted file mode 100644 index c221430d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_10.png deleted file mode 100644 index ae6c20830..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_11.png deleted file mode 100644 index 9f17d0562..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_12.png deleted file mode 100644 index 9b142bbcb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_13.png deleted file mode 100644 index fe20db8f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_14.png deleted file mode 100644 index 106464306..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_15.png deleted file mode 100644 index d21fba795..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_16.png deleted file mode 100644 index 4248a4fb7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_17.png deleted file mode 100644 index 8e41cb4c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_18.png deleted file mode 100644 index aca02db29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_19.png deleted file mode 100644 index d8d65ecc8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_20.png deleted file mode 100644 index 433198eb0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_01.png deleted file mode 100644 index b208bc667..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_02.png deleted file mode 100644 index 6be3c1907..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_03.png deleted file mode 100644 index bc7b5622e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_04.png deleted file mode 100644 index 6d42d0465..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_05.png deleted file mode 100644 index 4d214a1a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_06.png deleted file mode 100644 index 8083f350e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_07.png deleted file mode 100644 index e44b244e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_08.png deleted file mode 100644 index d68d3d2b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_09.png deleted file mode 100644 index 933be02e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_10.png deleted file mode 100644 index b691af1aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_11.png deleted file mode 100644 index 6417b7411..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_12.png deleted file mode 100644 index 9d5ddefda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_13.png deleted file mode 100644 index f3be45896..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_14.png deleted file mode 100644 index ab89beca0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_15.png deleted file mode 100644 index 383b85bdd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_16.png deleted file mode 100644 index a4812ff36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_17.png deleted file mode 100644 index 1904d5688..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_18.png deleted file mode 100644 index 5f34996e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_19.png deleted file mode 100644 index a737d6bf1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_20.png deleted file mode 100644 index 286d6c295..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_01.png deleted file mode 100644 index 44c6223b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_02.png deleted file mode 100644 index 6f12bc100..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_03.png deleted file mode 100644 index c5827f87e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_04.png deleted file mode 100644 index 03e33b1fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_05.png deleted file mode 100644 index 85fc701ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_06.png deleted file mode 100644 index 868ff8487..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_07.png deleted file mode 100644 index 4ffe8abfd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_08.png deleted file mode 100644 index a0da89388..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_09.png deleted file mode 100644 index 0dabaed8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_10.png deleted file mode 100644 index e9425424c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_11.png deleted file mode 100644 index b1cc1e96e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_12.png deleted file mode 100644 index 2823c1f84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_13.png deleted file mode 100644 index 170a8bd35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_14.png deleted file mode 100644 index 64c5f5496..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_15.png deleted file mode 100644 index f185e4cc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_16.png deleted file mode 100644 index 0be69c36b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_17.png deleted file mode 100644 index c7998a840..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_18.png deleted file mode 100644 index 3e8491be9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_19.png deleted file mode 100644 index 8315d8715..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_20.png deleted file mode 100644 index 3836f647e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_01.png deleted file mode 100644 index 86a14f466..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_02.png deleted file mode 100644 index 00a67ce3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_03.png deleted file mode 100644 index 1a2156906..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_04.png deleted file mode 100644 index a3c6dafd1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_05.png deleted file mode 100644 index 7837774ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_06.png deleted file mode 100644 index 0a73b4b5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_07.png deleted file mode 100644 index f99158aae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_08.png deleted file mode 100644 index 48cbccfc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_09.png deleted file mode 100644 index 853da7cf7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_10.png deleted file mode 100644 index b29c3004d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_11.png deleted file mode 100644 index 8f73edfdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_12.png deleted file mode 100644 index c609c4c05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_13.png deleted file mode 100644 index f5383aa20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_14.png deleted file mode 100644 index 9d65ed222..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_15.png deleted file mode 100644 index 4feab203c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_16.png deleted file mode 100644 index 4d45481a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_17.png deleted file mode 100644 index 8013402ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_18.png deleted file mode 100644 index ffa72b92e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_19.png deleted file mode 100644 index f230f1e24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_20.png deleted file mode 100644 index 16f75d183..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_01.png deleted file mode 100644 index 4f91ee77c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_02.png deleted file mode 100644 index 6dfb83084..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_03.png deleted file mode 100644 index f8b6c95a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_04.png deleted file mode 100644 index 4a9ee80f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_05.png deleted file mode 100644 index 095773801..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_06.png deleted file mode 100644 index 93a9a098f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_07.png deleted file mode 100644 index 1ee87075c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_08.png deleted file mode 100644 index 154632c71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_09.png deleted file mode 100644 index 336eec92c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_10.png deleted file mode 100644 index ce4f78813..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_11.png deleted file mode 100644 index e595f6d8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_12.png deleted file mode 100644 index 44689c1ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_13.png deleted file mode 100644 index 83407e0c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_14.png deleted file mode 100644 index c28292c9d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_15.png deleted file mode 100644 index ec2cc4c54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_16.png deleted file mode 100644 index f55638b66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_17.png deleted file mode 100644 index 384d8f596..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_18.png deleted file mode 100644 index fe7ed23f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_19.png deleted file mode 100644 index 7f4f1b2c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_20.png deleted file mode 100644 index 0ddc7d54a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_01.png deleted file mode 100644 index 51bb945b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_02.png deleted file mode 100644 index 11239ab79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_03.png deleted file mode 100644 index adfe2fb34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_04.png deleted file mode 100644 index 5e3493329..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_05.png deleted file mode 100644 index c4a8133e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_06.png deleted file mode 100644 index 0ef572cb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_07.png deleted file mode 100644 index 4461c4e80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_08.png deleted file mode 100644 index 1211a4fb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_09.png deleted file mode 100644 index 7aa2b95ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_10.png deleted file mode 100644 index e8db89f5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_11.png deleted file mode 100644 index 2e4dbe979..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_12.png deleted file mode 100644 index a8957f027..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_13.png deleted file mode 100644 index 83ced7ba3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_14.png deleted file mode 100644 index 27b870863..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_15.png deleted file mode 100644 index c1d3a16b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_16.png deleted file mode 100644 index f9eab12ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_17.png deleted file mode 100644 index c85847033..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_18.png deleted file mode 100644 index 0f7648312..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_19.png deleted file mode 100644 index 7174395dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_20.png deleted file mode 100644 index 8ff54a311..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_01.png deleted file mode 100644 index e170e7724..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_02.png deleted file mode 100644 index da029ddc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_03.png deleted file mode 100644 index cd5bfb2f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_04.png deleted file mode 100644 index 60532f60d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_05.png deleted file mode 100644 index a1531b835..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_06.png deleted file mode 100644 index 8bee8727e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_07.png deleted file mode 100644 index 70228d51d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_08.png deleted file mode 100644 index c9f0ff70f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_09.png deleted file mode 100644 index b82b5fe12..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_10.png deleted file mode 100644 index ac37460a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_11.png deleted file mode 100644 index 0f848fb12..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_12.png deleted file mode 100644 index 2eacf2b29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_13.png deleted file mode 100644 index db6f35fec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_14.png deleted file mode 100644 index dd678327a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_15.png deleted file mode 100644 index ac1221481..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_16.png deleted file mode 100644 index a8f08e5f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_17.png deleted file mode 100644 index c6c87b609..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_18.png deleted file mode 100644 index 4e3c59260..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_19.png deleted file mode 100644 index 50e0f43ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_20.png deleted file mode 100644 index 63504634e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_01.png deleted file mode 100644 index d853e0b2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_02.png deleted file mode 100644 index f66b59859..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_03.png deleted file mode 100644 index c8e7ed582..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_04.png deleted file mode 100644 index 4e05f3bb5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_05.png deleted file mode 100644 index d793b394a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_06.png deleted file mode 100644 index a04789ee5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_07.png deleted file mode 100644 index 05022c4ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_08.png deleted file mode 100644 index d72441258..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_09.png deleted file mode 100644 index 254a9c640..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_10.png deleted file mode 100644 index 1c90c2a55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_11.png deleted file mode 100644 index 6ac15cfbb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_12.png deleted file mode 100644 index 085fa551d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_13.png deleted file mode 100644 index f906a85d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_14.png deleted file mode 100644 index 152ae6dfa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_15.png deleted file mode 100644 index 05b06a445..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_16.png deleted file mode 100644 index a279e2f6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_17.png deleted file mode 100644 index 12b5af7a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_18.png deleted file mode 100644 index 6c304d20f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_19.png deleted file mode 100644 index bf0a48e3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_20.png deleted file mode 100644 index 5b18e934e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_01.png deleted file mode 100644 index b01795446..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_02.png deleted file mode 100644 index 8c1a14ad0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_03.png deleted file mode 100644 index 01be994b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_04.png deleted file mode 100644 index b56a56bfa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_05.png deleted file mode 100644 index fbd9222b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_06.png deleted file mode 100644 index 3677d4412..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_07.png deleted file mode 100644 index bdff5eaaf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_08.png deleted file mode 100644 index 2a4ad49cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_09.png deleted file mode 100644 index ea64d4cfc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_10.png deleted file mode 100644 index 1bbdc7a26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_11.png deleted file mode 100644 index 3128e741c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_12.png deleted file mode 100644 index 4af02b90a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_13.png deleted file mode 100644 index 2f2798e5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_14.png deleted file mode 100644 index fffea36e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_15.png deleted file mode 100644 index b3dd83d3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_16.png deleted file mode 100644 index ed42baef8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_17.png deleted file mode 100644 index e0b7160e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_18.png deleted file mode 100644 index 60bbe5aa8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_19.png deleted file mode 100644 index 9862f6a9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_20.png deleted file mode 100644 index 01f89959e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_01.png deleted file mode 100644 index e71926f34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_02.png deleted file mode 100644 index 22467ef04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_03.png deleted file mode 100644 index b9193244f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_04.png deleted file mode 100644 index 6d34db9ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_05.png deleted file mode 100644 index 4802680d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_06.png deleted file mode 100644 index 2c8fcc119..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_07.png deleted file mode 100644 index fe8212ad8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_08.png deleted file mode 100644 index 021f65aea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_09.png deleted file mode 100644 index c31dfead7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_10.png deleted file mode 100644 index 196e9e827..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_11.png deleted file mode 100644 index 970a205dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_12.png deleted file mode 100644 index 761aa42e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_13.png deleted file mode 100644 index da7d76756..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_14.png deleted file mode 100644 index 3c8570127..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_15.png deleted file mode 100644 index 57c89078b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_16.png deleted file mode 100644 index 17cd23819..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_17.png deleted file mode 100644 index a2352368d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_18.png deleted file mode 100644 index 80d95d727..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_19.png deleted file mode 100644 index 5450e4f0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_20.png deleted file mode 100644 index cb7b26252..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_01.png deleted file mode 100644 index 7d081ecc0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_02.png deleted file mode 100644 index 372504a39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_03.png deleted file mode 100644 index b77279721..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_04.png deleted file mode 100644 index 7cb5e7d11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_05.png deleted file mode 100644 index ffbc9a4ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_06.png deleted file mode 100644 index 0a1c5e7a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_07.png deleted file mode 100644 index f4c7359c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_08.png deleted file mode 100644 index 799f39545..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_09.png deleted file mode 100644 index fc3470a5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_10.png deleted file mode 100644 index 7b139faa4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_11.png deleted file mode 100644 index bdcb9519c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_12.png deleted file mode 100644 index c6cdd40f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_13.png deleted file mode 100644 index 7f703e777..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_14.png deleted file mode 100644 index 25b0f30df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_15.png deleted file mode 100644 index a7af31e90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_16.png deleted file mode 100644 index 401fa2291..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_17.png deleted file mode 100644 index 003f1f9c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_18.png deleted file mode 100644 index 52294a87a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_19.png deleted file mode 100644 index 8c343e28b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_20.png deleted file mode 100644 index 45f7e2060..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_01.png deleted file mode 100644 index 2be3e9a75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_02.png deleted file mode 100644 index 241437981..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_03.png deleted file mode 100644 index 358ee6499..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_04.png deleted file mode 100644 index 46073fc05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_05.png deleted file mode 100644 index 07a4b3a89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_06.png deleted file mode 100644 index 46181143c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_07.png deleted file mode 100644 index 95c864af6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_08.png deleted file mode 100644 index e5b2f4c44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_09.png deleted file mode 100644 index 7d453b3ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_10.png deleted file mode 100644 index efb222033..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_11.png deleted file mode 100644 index 14f4461d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_12.png deleted file mode 100644 index 2fc447da0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_13.png deleted file mode 100644 index 0e42e2025..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_14.png deleted file mode 100644 index 4d53885e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_15.png deleted file mode 100644 index 95ee99bed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_16.png deleted file mode 100644 index 8c9c13201..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_17.png deleted file mode 100644 index a1bb25381..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_18.png deleted file mode 100644 index 979a7c7cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_19.png deleted file mode 100644 index 80e6addb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_20.png deleted file mode 100644 index 093bb58cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_01.png deleted file mode 100644 index bdb5cb506..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_02.png deleted file mode 100644 index 39e5ed167..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_03.png deleted file mode 100644 index ea642ddb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_04.png deleted file mode 100644 index e185af00b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_05.png deleted file mode 100644 index 8cc8bd6aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_06.png deleted file mode 100644 index 4ae8c54a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_07.png deleted file mode 100644 index 3b7c9b1bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_08.png deleted file mode 100644 index 427c5eef1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_09.png deleted file mode 100644 index ea33ff32f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_10.png deleted file mode 100644 index 578faffef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_11.png deleted file mode 100644 index a5ec9ef5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_12.png deleted file mode 100644 index 1a333b496..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_13.png deleted file mode 100644 index 4e85efc82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_14.png deleted file mode 100644 index 578c41913..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_15.png deleted file mode 100644 index c234f96ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_16.png deleted file mode 100644 index d254fcace..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_17.png deleted file mode 100644 index e6830e313..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_18.png deleted file mode 100644 index f1909dca6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_19.png deleted file mode 100644 index 086f0bcf9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_20.png deleted file mode 100644 index c2be6267b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_01.png deleted file mode 100644 index 8ee2a3547..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_02.png deleted file mode 100644 index 731af0f6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_03.png deleted file mode 100644 index 2f611870f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_04.png deleted file mode 100644 index 05bb14dad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_05.png deleted file mode 100644 index 3cc0dd1aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_06.png deleted file mode 100644 index dec00da12..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_07.png deleted file mode 100644 index d3a9fe449..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_08.png deleted file mode 100644 index 167f5f5ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_09.png deleted file mode 100644 index 5685d0b29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_10.png deleted file mode 100644 index 40fe8abfe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_11.png deleted file mode 100644 index 4aa4080e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_12.png deleted file mode 100644 index 04bae52e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_13.png deleted file mode 100644 index eb2dba9b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_14.png deleted file mode 100644 index 7595dbcd7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_15.png deleted file mode 100644 index be92566f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_16.png deleted file mode 100644 index d28b742c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_17.png deleted file mode 100644 index 5eda2b254..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_18.png deleted file mode 100644 index 1531ea777..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_19.png deleted file mode 100644 index b01f89211..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_20.png deleted file mode 100644 index 2dada0118..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_01.png deleted file mode 100644 index 4f9246bf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_02.png deleted file mode 100644 index 04b59239d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_03.png deleted file mode 100644 index 1770cdf7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_04.png deleted file mode 100644 index 9d3c02bad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_05.png deleted file mode 100644 index 8dd609152..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_06.png deleted file mode 100644 index b5788606c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_07.png deleted file mode 100644 index 342b0f8d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_08.png deleted file mode 100644 index 5c1169c84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_09.png deleted file mode 100644 index 0c389e267..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_10.png deleted file mode 100644 index 78d542266..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_11.png deleted file mode 100644 index 4bf8603c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_12.png deleted file mode 100644 index 5136c3a7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_13.png deleted file mode 100644 index 756656d0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_14.png deleted file mode 100644 index 8482338b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_15.png deleted file mode 100644 index 8fad2fc65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_16.png deleted file mode 100644 index d0a231ce0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_17.png deleted file mode 100644 index 79d12dcd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_18.png deleted file mode 100644 index 193eebdfd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_19.png deleted file mode 100644 index 39fb920c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_20.png deleted file mode 100644 index 243d11dec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_01.png deleted file mode 100644 index 880bac424..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_02.png deleted file mode 100644 index 692f26c9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_03.png deleted file mode 100644 index c06ed6bd5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_04.png deleted file mode 100644 index 9ce797b75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_05.png deleted file mode 100644 index 1e4f74589..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_06.png deleted file mode 100644 index c731bdf5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_07.png deleted file mode 100644 index 095cf0190..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_08.png deleted file mode 100644 index 38dff438b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_09.png deleted file mode 100644 index 66d761e13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_10.png deleted file mode 100644 index 96e35201f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_11.png deleted file mode 100644 index c4e8e8b79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_12.png deleted file mode 100644 index 1cc891846..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_13.png deleted file mode 100644 index 6b24e39ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_14.png deleted file mode 100644 index e02d24441..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_15.png deleted file mode 100644 index 8a77a69ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_16.png deleted file mode 100644 index 23abc9183..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_17.png deleted file mode 100644 index 76e5ff025..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_18.png deleted file mode 100644 index b779ff5c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_19.png deleted file mode 100644 index 8d45200f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_20.png deleted file mode 100644 index 7dfaad7ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_01.png deleted file mode 100644 index 92f396dcd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_02.png deleted file mode 100644 index caeb991d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_03.png deleted file mode 100644 index 8b3542fe3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_04.png deleted file mode 100644 index 3e7b08d7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_05.png deleted file mode 100644 index 52900471a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_06.png deleted file mode 100644 index 4e1ad2ce4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_07.png deleted file mode 100644 index 20789b49f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_08.png deleted file mode 100644 index 1aa3ffaae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_09.png deleted file mode 100644 index e4c9aac65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_10.png deleted file mode 100644 index 59de2c92b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_11.png deleted file mode 100644 index 3e32360f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_12.png deleted file mode 100644 index 506efc948..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_13.png deleted file mode 100644 index 1a867f852..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_14.png deleted file mode 100644 index 00d90fcb2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_15.png deleted file mode 100644 index 996b2ec6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_16.png deleted file mode 100644 index b4d8e8576..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_17.png deleted file mode 100644 index 5bea3ab7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_18.png deleted file mode 100644 index 3c1fbd8dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_19.png deleted file mode 100644 index 5fcc731c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_20.png deleted file mode 100644 index 5d9e7dd72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_01.png deleted file mode 100644 index 31cd85a5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_02.png deleted file mode 100644 index ff6d3d277..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_03.png deleted file mode 100644 index 4606bfb24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_04.png deleted file mode 100644 index 62e8ea5e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_05.png deleted file mode 100644 index 4ab423223..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_06.png deleted file mode 100644 index 126089556..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_07.png deleted file mode 100644 index aa5c48266..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_08.png deleted file mode 100644 index 4ecb712d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_09.png deleted file mode 100644 index 3e9468f12..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_10.png deleted file mode 100644 index 1746063bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_11.png deleted file mode 100644 index ce5ce5c3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_12.png deleted file mode 100644 index ecc24602e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_13.png deleted file mode 100644 index 8a77022f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_14.png deleted file mode 100644 index 0b6ad673b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_15.png deleted file mode 100644 index 640bd0680..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_16.png deleted file mode 100644 index 16bc7c0e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_17.png deleted file mode 100644 index 4627f072d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_18.png deleted file mode 100644 index 17ce7e037..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_19.png deleted file mode 100644 index 70b0811d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_20.png deleted file mode 100644 index f79ec3e63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_01.png deleted file mode 100644 index ec1db9ba2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_02.png deleted file mode 100644 index aeaea2cd1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_03.png deleted file mode 100644 index fec657617..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_04.png deleted file mode 100644 index 0d43ec6c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_05.png deleted file mode 100644 index 61e01e6f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_06.png deleted file mode 100644 index db733afc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_07.png deleted file mode 100644 index d58651643..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_08.png deleted file mode 100644 index 5f329f73a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_09.png deleted file mode 100644 index 375a7747e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_10.png deleted file mode 100644 index aa3a17386..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_11.png deleted file mode 100644 index c462da352..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_12.png deleted file mode 100644 index 0f17a34a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_13.png deleted file mode 100644 index 62252a223..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_14.png deleted file mode 100644 index 6f322ca8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_15.png deleted file mode 100644 index 0b9121f66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_16.png deleted file mode 100644 index 93d8611f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_17.png deleted file mode 100644 index 148b5f284..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_18.png deleted file mode 100644 index daf7fa93d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_19.png deleted file mode 100644 index 099c66e1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_20.png deleted file mode 100644 index 0212fd637..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_01.png deleted file mode 100644 index b3285d370..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_02.png deleted file mode 100644 index 3e2c1703b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_03.png deleted file mode 100644 index 5ed1a8ff2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_04.png deleted file mode 100644 index 02af1362c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_05.png deleted file mode 100644 index da8e4f5d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_06.png deleted file mode 100644 index 3fd04c55a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_07.png deleted file mode 100644 index 91303de3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_08.png deleted file mode 100644 index 60b9ffb46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_09.png deleted file mode 100644 index 801ddc37a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_10.png deleted file mode 100644 index 5f8127953..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_11.png deleted file mode 100644 index 465730a4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_12.png deleted file mode 100644 index c93ad5b0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_13.png deleted file mode 100644 index 6bb1cf242..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_14.png deleted file mode 100644 index 2cb1438df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_15.png deleted file mode 100644 index e1f6c0cd2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_16.png deleted file mode 100644 index 3a89a830d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_17.png deleted file mode 100644 index 662e0e6ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_18.png deleted file mode 100644 index 9f300790b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_19.png deleted file mode 100644 index 454dfc2b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_20.png deleted file mode 100644 index 15a62d225..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_01.png deleted file mode 100644 index 403df606d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_02.png deleted file mode 100644 index 03dfffa78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_03.png deleted file mode 100644 index 15a92d300..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_04.png deleted file mode 100644 index e94325d84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_05.png deleted file mode 100644 index 3c5a8e41b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_06.png deleted file mode 100644 index c35468e40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_07.png deleted file mode 100644 index 834dc4bca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_08.png deleted file mode 100644 index 0c65819a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_09.png deleted file mode 100644 index af30649eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_10.png deleted file mode 100644 index 34264f0a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_11.png deleted file mode 100644 index 0136e2745..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_12.png deleted file mode 100644 index 5ea70033c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_13.png deleted file mode 100644 index 1410b75c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_14.png deleted file mode 100644 index d8d201767..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_15.png deleted file mode 100644 index bdda46c7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_16.png deleted file mode 100644 index b60b11cb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_17.png deleted file mode 100644 index 238f22735..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_18.png deleted file mode 100644 index 33416b686..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_19.png deleted file mode 100644 index ef07b42b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_20.png deleted file mode 100644 index 978ddea53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_01.png deleted file mode 100644 index 6d7d4fa78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_02.png deleted file mode 100644 index eee17530c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_03.png deleted file mode 100644 index a504a8460..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_04.png deleted file mode 100644 index 0317d5956..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_05.png deleted file mode 100644 index c4e776364..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_06.png deleted file mode 100644 index 12ba27683..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_07.png deleted file mode 100644 index 038efef90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_08.png deleted file mode 100644 index fc699236e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_09.png deleted file mode 100644 index 5dcf49f90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_10.png deleted file mode 100644 index c8200dbd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_11.png deleted file mode 100644 index 1e84915b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_12.png deleted file mode 100644 index e295fa699..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_13.png deleted file mode 100644 index 6137ba8b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_14.png deleted file mode 100644 index 4a6318315..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_15.png deleted file mode 100644 index 8f55bc221..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_16.png deleted file mode 100644 index b0f996b23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_17.png deleted file mode 100644 index e33c9e2ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_18.png deleted file mode 100644 index fbdc8c3fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_19.png deleted file mode 100644 index 32d3144f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_20.png deleted file mode 100644 index 3ef1aa9a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_01.png deleted file mode 100644 index 8aced2465..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_02.png deleted file mode 100644 index d91beb95f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_03.png deleted file mode 100644 index 2304c2e2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_04.png deleted file mode 100644 index 3c8d88fd6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_05.png deleted file mode 100644 index 4e3c3ada7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_06.png deleted file mode 100644 index 2f3d4032b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_07.png deleted file mode 100644 index 5d5224bed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_08.png deleted file mode 100644 index c348a4134..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_09.png deleted file mode 100644 index ab6c83458..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_10.png deleted file mode 100644 index a0f760cd5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_11.png deleted file mode 100644 index 339ec1cd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_12.png deleted file mode 100644 index b29d3d8a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_13.png deleted file mode 100644 index 2b4485461..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_14.png deleted file mode 100644 index 985e0e638..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_15.png deleted file mode 100644 index 12d76a93e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_16.png deleted file mode 100644 index 939c3ef48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_17.png deleted file mode 100644 index e50c0d2f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_18.png deleted file mode 100644 index 9f3bbda03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_19.png deleted file mode 100644 index d59faf45b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_20.png deleted file mode 100644 index 46bc77da7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_01.png deleted file mode 100644 index 596af03c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_02.png deleted file mode 100644 index 8646862e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_03.png deleted file mode 100644 index e96e2498e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_04.png deleted file mode 100644 index 2f1d984e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_05.png deleted file mode 100644 index 44b16df48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_06.png deleted file mode 100644 index a55346e3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_07.png deleted file mode 100644 index 20f69a72f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_08.png deleted file mode 100644 index f88a34a9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_09.png deleted file mode 100644 index 47995fbd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_10.png deleted file mode 100644 index 6bf9bef7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_11.png deleted file mode 100644 index a17d3c131..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_12.png deleted file mode 100644 index b378a9147..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_13.png deleted file mode 100644 index 0763d95fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_14.png deleted file mode 100644 index 179befcb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_15.png deleted file mode 100644 index a399a1ebf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_16.png deleted file mode 100644 index d6dd2bccc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_17.png deleted file mode 100644 index 7cd85b91e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_18.png deleted file mode 100644 index e39b876fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_19.png deleted file mode 100644 index 55a4977bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_20.png deleted file mode 100644 index 69930ba58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_01.png deleted file mode 100644 index 218611f92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_02.png deleted file mode 100644 index 41bac4a50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_03.png deleted file mode 100644 index a6c870add..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_04.png deleted file mode 100644 index 9037c4191..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_05.png deleted file mode 100644 index 9dc71f5e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_06.png deleted file mode 100644 index 7bb4adc91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_07.png deleted file mode 100644 index 97756e81c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_08.png deleted file mode 100644 index 9dd601ff8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_09.png deleted file mode 100644 index 4ee50ac43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_10.png deleted file mode 100644 index b72594b4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_11.png deleted file mode 100644 index 7a73602d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_12.png deleted file mode 100644 index 124ea94ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_13.png deleted file mode 100644 index b80efdc8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_14.png deleted file mode 100644 index a0c46652a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_15.png deleted file mode 100644 index 3d167287d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_16.png deleted file mode 100644 index 2ecb31d37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_17.png deleted file mode 100644 index aec829263..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_18.png deleted file mode 100644 index 3b99a4a46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_19.png deleted file mode 100644 index 5c650f970..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_20.png deleted file mode 100644 index 3092c3980..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_01.png deleted file mode 100644 index 7d465cd94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_02.png deleted file mode 100644 index e02a28144..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_03.png deleted file mode 100644 index 09df07e72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_04.png deleted file mode 100644 index 3a19ba4d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_05.png deleted file mode 100644 index 17d4b6da1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_06.png deleted file mode 100644 index d814a6b0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_07.png deleted file mode 100644 index ca79e73a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_08.png deleted file mode 100644 index cd700605f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_09.png deleted file mode 100644 index 34d466c58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_10.png deleted file mode 100644 index 440792330..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_11.png deleted file mode 100644 index 3a6e98e46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_12.png deleted file mode 100644 index fd66d82ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_13.png deleted file mode 100644 index 963effbe6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_14.png deleted file mode 100644 index b82ede4a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_15.png deleted file mode 100644 index 11b743843..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_16.png deleted file mode 100644 index 8250d2e82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_17.png deleted file mode 100644 index 7938704d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_18.png deleted file mode 100644 index 7e071ee29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_19.png deleted file mode 100644 index 275d25d53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_20.png deleted file mode 100644 index f2188ea7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_01.png deleted file mode 100644 index 75d6a76c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_02.png deleted file mode 100644 index 81fa0e88c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_03.png deleted file mode 100644 index f7d7fdf3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_04.png deleted file mode 100644 index 316f2a63d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_05.png deleted file mode 100644 index 65a4bac34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_06.png deleted file mode 100644 index d64e326e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_07.png deleted file mode 100644 index 01a8931cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_08.png deleted file mode 100644 index efd015d7b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_09.png deleted file mode 100644 index 703413151..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_10.png deleted file mode 100644 index f89b56372..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_11.png deleted file mode 100644 index cae71345b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_12.png deleted file mode 100644 index f37e3c36e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_13.png deleted file mode 100644 index e5313f7ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_14.png deleted file mode 100644 index 89569f82a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_15.png deleted file mode 100644 index c2e7904f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_16.png deleted file mode 100644 index f1e5dfa45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_17.png deleted file mode 100644 index 56bbd23a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_18.png deleted file mode 100644 index fb7e97b87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_19.png deleted file mode 100644 index 02fb3a186..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_20.png deleted file mode 100644 index 573b1e3f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_01.png deleted file mode 100644 index 473c52f7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_02.png deleted file mode 100644 index 9287887de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_03.png deleted file mode 100644 index 783b77f5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_04.png deleted file mode 100644 index 2d2390d85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_05.png deleted file mode 100644 index 989c3160c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_06.png deleted file mode 100644 index 31e69fb08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_07.png deleted file mode 100644 index 2d5e39ae0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_08.png deleted file mode 100644 index dd7ae0dad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_09.png deleted file mode 100644 index 05c16333e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_10.png deleted file mode 100644 index 220064e3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_11.png deleted file mode 100644 index 63db19c78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_12.png deleted file mode 100644 index 90cae9fbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_13.png deleted file mode 100644 index 96999a315..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_14.png deleted file mode 100644 index 3f32a1125..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_15.png deleted file mode 100644 index ba7cec45e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_16.png deleted file mode 100644 index 65373827b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_17.png deleted file mode 100644 index 25e684b90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_18.png deleted file mode 100644 index 7ba0a2803..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_19.png deleted file mode 100644 index 336cbe94d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_20.png deleted file mode 100644 index a32c48530..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_01.png deleted file mode 100644 index 45dd65f62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_02.png deleted file mode 100644 index bc32b77a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_03.png deleted file mode 100644 index e1ec4325b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_04.png deleted file mode 100644 index 3a35c18ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_05.png deleted file mode 100644 index 84edfbf6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_06.png deleted file mode 100644 index a44b519aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_07.png deleted file mode 100644 index f47d2e1ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_08.png deleted file mode 100644 index 98824153b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_09.png deleted file mode 100644 index 84ddeab1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_10.png deleted file mode 100644 index 270f0a79e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_11.png deleted file mode 100644 index e9f42f655..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_12.png deleted file mode 100644 index a7f4620fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_13.png deleted file mode 100644 index cfdcd3db1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_14.png deleted file mode 100644 index 96bee3373..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_15.png deleted file mode 100644 index 936724bce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_16.png deleted file mode 100644 index 3dbea8879..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_17.png deleted file mode 100644 index eaefc5246..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_18.png deleted file mode 100644 index 3a8399c29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_19.png deleted file mode 100644 index 6f9032593..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_20.png deleted file mode 100644 index d122e17c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_01.png deleted file mode 100644 index f3f7b6c0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_02.png deleted file mode 100644 index d32966a2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_03.png deleted file mode 100644 index f31f268ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_04.png deleted file mode 100644 index a7cff71c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_05.png deleted file mode 100644 index c2bacd58a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_06.png deleted file mode 100644 index 6e571ea4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_07.png deleted file mode 100644 index c8cd80847..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_08.png deleted file mode 100644 index 9dd92e0bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_09.png deleted file mode 100644 index 4757deb53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_10.png deleted file mode 100644 index 43fe45551..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_11.png deleted file mode 100644 index b8e7d4991..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_12.png deleted file mode 100644 index 2eb70a048..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_13.png deleted file mode 100644 index 4ae4d3b4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_14.png deleted file mode 100644 index 2ade40969..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_15.png deleted file mode 100644 index 1fc5f3db6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_16.png deleted file mode 100644 index 7b3356e9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_17.png deleted file mode 100644 index 71124cd7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_18.png deleted file mode 100644 index 8c0c8a9f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_19.png deleted file mode 100644 index bd203e56e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_20.png deleted file mode 100644 index ed6ab9acf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_01.png deleted file mode 100644 index 946971b6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_02.png deleted file mode 100644 index 89340e0f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_03.png deleted file mode 100644 index 2fea6bc4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_04.png deleted file mode 100644 index c52341769..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_05.png deleted file mode 100644 index 485cf2612..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_06.png deleted file mode 100644 index 6b8d1d142..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_07.png deleted file mode 100644 index 4a1c32cb8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_08.png deleted file mode 100644 index bbaa7d972..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_09.png deleted file mode 100644 index d7615e260..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_10.png deleted file mode 100644 index d518c4d53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_11.png deleted file mode 100644 index 6a63d1288..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_12.png deleted file mode 100644 index 7882bd215..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_13.png deleted file mode 100644 index 32ea2601f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_14.png deleted file mode 100644 index 1b2ad7c36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_15.png deleted file mode 100644 index 26d999e9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_16.png deleted file mode 100644 index 988ed4fde..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_17.png deleted file mode 100644 index 2cf8e1736..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_18.png deleted file mode 100644 index 24358e76c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_19.png deleted file mode 100644 index 2496fbf57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_20.png deleted file mode 100644 index 7c2c14743..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_01.png deleted file mode 100644 index 1bbeb40c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_02.png deleted file mode 100644 index 55c5ed173..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_03.png deleted file mode 100644 index 6e2aed55b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_04.png deleted file mode 100644 index ad409209b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_05.png deleted file mode 100644 index 789ef19d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_06.png deleted file mode 100644 index aa5385c79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_07.png deleted file mode 100644 index e34c2bbe5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_08.png deleted file mode 100644 index 5a192d2c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_09.png deleted file mode 100644 index 9b385778c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_10.png deleted file mode 100644 index 3fc6da893..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_11.png deleted file mode 100644 index afa7de42c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_12.png deleted file mode 100644 index 1300179a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_13.png deleted file mode 100644 index 0aafcb51a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_14.png deleted file mode 100644 index f88ad1c71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_15.png deleted file mode 100644 index 92d384646..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_16.png deleted file mode 100644 index 53948914c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_17.png deleted file mode 100644 index f0f3f4f63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_18.png deleted file mode 100644 index fecb21090..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_19.png deleted file mode 100644 index cf45e5d2e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_20.png deleted file mode 100644 index 914c5dd1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_01.png deleted file mode 100644 index 9f2e9ae19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_02.png deleted file mode 100644 index db2b1f4e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_03.png deleted file mode 100644 index e829b9b8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_04.png deleted file mode 100644 index f9b8eb8aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_05.png deleted file mode 100644 index 3637936e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_06.png deleted file mode 100644 index 0cfa709ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_07.png deleted file mode 100644 index b4a57b468..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_08.png deleted file mode 100644 index f51a6a9a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_09.png deleted file mode 100644 index b3efb6016..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_10.png deleted file mode 100644 index 747c8897c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_11.png deleted file mode 100644 index 8d6cd5fe6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_12.png deleted file mode 100644 index f8633f726..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_13.png deleted file mode 100644 index 0b2dffbb3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_14.png deleted file mode 100644 index 1cbde2907..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_15.png deleted file mode 100644 index 7175fc8b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_16.png deleted file mode 100644 index 9567c1c82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_17.png deleted file mode 100644 index 426c71e39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_18.png deleted file mode 100644 index 2cd43641b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_19.png deleted file mode 100644 index d5ee6dadd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_20.png deleted file mode 100644 index 08efee1bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_01.png deleted file mode 100644 index 1be905901..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_02.png deleted file mode 100644 index 74e999240..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_03.png deleted file mode 100644 index 9d9d8726a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_04.png deleted file mode 100644 index d84691c15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_05.png deleted file mode 100644 index 1041691c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_06.png deleted file mode 100644 index ea503e4c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_07.png deleted file mode 100644 index 11a3e9b4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_08.png deleted file mode 100644 index 80ed5e96c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_09.png deleted file mode 100644 index dcc76ea03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_10.png deleted file mode 100644 index ccc2a4742..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_11.png deleted file mode 100644 index 41c337c71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_12.png deleted file mode 100644 index b18c536dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_13.png deleted file mode 100644 index 9a5596884..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_14.png deleted file mode 100644 index 0120dcdf9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_15.png deleted file mode 100644 index 1888c0098..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_16.png deleted file mode 100644 index 12327b7c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_17.png deleted file mode 100644 index af736e526..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_18.png deleted file mode 100644 index 8975860bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_19.png deleted file mode 100644 index 9b451d6f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_20.png deleted file mode 100644 index 30ce58000..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_01.png deleted file mode 100644 index 102eaf52c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_02.png deleted file mode 100644 index d1a439986..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_03.png deleted file mode 100644 index ec74ed815..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_04.png deleted file mode 100644 index 1baaac235..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_05.png deleted file mode 100644 index 4d0db3b70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_06.png deleted file mode 100644 index f09f4f7c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_07.png deleted file mode 100644 index 918e4ffe2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_08.png deleted file mode 100644 index 3c47ce0bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_09.png deleted file mode 100644 index 85e315f77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_10.png deleted file mode 100644 index a0e17301d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_11.png deleted file mode 100644 index e93ec552c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_12.png deleted file mode 100644 index 750f2eaa3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_13.png deleted file mode 100644 index 72165909b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_14.png deleted file mode 100644 index 167dafe12..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_15.png deleted file mode 100644 index 60e2993ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_16.png deleted file mode 100644 index 00482ad83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_17.png deleted file mode 100644 index 02a3699bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_18.png deleted file mode 100644 index ed8a2d440..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_19.png deleted file mode 100644 index d095549fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_20.png deleted file mode 100644 index ec2953de3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_01.png deleted file mode 100644 index 7fe795b53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_02.png deleted file mode 100644 index 589b9bcd4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_03.png deleted file mode 100644 index be230a759..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_04.png deleted file mode 100644 index a42cfde19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_05.png deleted file mode 100644 index e58e3c117..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_06.png deleted file mode 100644 index 7491d013e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_07.png deleted file mode 100644 index 8dd86c2ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_08.png deleted file mode 100644 index 1f2f3c938..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_09.png deleted file mode 100644 index 98b87748f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_10.png deleted file mode 100644 index c71bf1e60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_11.png deleted file mode 100644 index 62896be90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_12.png deleted file mode 100644 index 57d50dd30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_13.png deleted file mode 100644 index 6f0dfcea3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_14.png deleted file mode 100644 index 4f000ec11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_15.png deleted file mode 100644 index 352568e1d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_16.png deleted file mode 100644 index 646c4ae1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_17.png deleted file mode 100644 index 00b566726..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_18.png deleted file mode 100644 index afd784091..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_19.png deleted file mode 100644 index 3918115ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_20.png deleted file mode 100644 index 20aba6900..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_01.png deleted file mode 100644 index bf218a1b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_02.png deleted file mode 100644 index 2eac08244..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_03.png deleted file mode 100644 index c3e40cd06..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_04.png deleted file mode 100644 index 58bbed788..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_05.png deleted file mode 100644 index e016225eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_06.png deleted file mode 100644 index 02d198a31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_07.png deleted file mode 100644 index 9ef3d1d33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_08.png deleted file mode 100644 index b7d7268b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_09.png deleted file mode 100644 index 766880f81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_10.png deleted file mode 100644 index 51d176679..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_11.png deleted file mode 100644 index c85a0fbf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_12.png deleted file mode 100644 index 124020c19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_13.png deleted file mode 100644 index 464ded579..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_14.png deleted file mode 100644 index b0cb24f41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_15.png deleted file mode 100644 index fedadadc8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_16.png deleted file mode 100644 index 9a782820a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_17.png deleted file mode 100644 index 0cf41eb7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_18.png deleted file mode 100644 index 9fa6c8c4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_19.png deleted file mode 100644 index 8518e7c57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_20.png deleted file mode 100644 index f5901ab18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_01.png deleted file mode 100644 index bcfd54494..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_02.png deleted file mode 100644 index f43f5df27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_03.png deleted file mode 100644 index 77925b63a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_04.png deleted file mode 100644 index 90d83a7fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_05.png deleted file mode 100644 index e9c7a87be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_06.png deleted file mode 100644 index 568c7f084..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_07.png deleted file mode 100644 index 001c1da32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_08.png deleted file mode 100644 index 014e9b8ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_09.png deleted file mode 100644 index 983833928..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_10.png deleted file mode 100644 index 1a8c71360..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_11.png deleted file mode 100644 index 1eca07013..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_12.png deleted file mode 100644 index fc03bee6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_13.png deleted file mode 100644 index c4d0ca8c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_14.png deleted file mode 100644 index 6413b0f89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_15.png deleted file mode 100644 index d9971dfda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_16.png deleted file mode 100644 index 312bb0d96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_17.png deleted file mode 100644 index 6bdc03380..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_18.png deleted file mode 100644 index 0ca82a20b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_19.png deleted file mode 100644 index 1e8cfec20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_20.png deleted file mode 100644 index f954f796c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_01.png deleted file mode 100644 index 7e3febbe5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_02.png deleted file mode 100644 index 3a34430d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_03.png deleted file mode 100644 index a310960fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_04.png deleted file mode 100644 index aaf555b9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_05.png deleted file mode 100644 index 92612b72a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_06.png deleted file mode 100644 index dc1e25d78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_07.png deleted file mode 100644 index afbfee66b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_08.png deleted file mode 100644 index 889684a1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_09.png deleted file mode 100644 index 10f7f8ae9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_10.png deleted file mode 100644 index 7f29f17af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_11.png deleted file mode 100644 index 1a6cc93b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_12.png deleted file mode 100644 index 16cb86677..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_13.png deleted file mode 100644 index 0937dd84d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_14.png deleted file mode 100644 index 22191c686..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_15.png deleted file mode 100644 index c020e75ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_16.png deleted file mode 100644 index 52502b400..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_17.png deleted file mode 100644 index 51b8fd555..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_18.png deleted file mode 100644 index 046ee241a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_19.png deleted file mode 100644 index cf4ed11ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_20.png deleted file mode 100644 index 91fa528ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_01.png deleted file mode 100644 index 532c32cf0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_02.png deleted file mode 100644 index e70658135..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_03.png deleted file mode 100644 index b23d1b1ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_04.png deleted file mode 100644 index 4742bb9de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_05.png deleted file mode 100644 index e37f9fc00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_06.png deleted file mode 100644 index db6b2d33a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_07.png deleted file mode 100644 index fedeeadba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_08.png deleted file mode 100644 index f86753706..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_09.png deleted file mode 100644 index cd481556c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_10.png deleted file mode 100644 index 931235464..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_11.png deleted file mode 100644 index 89021d84a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_12.png deleted file mode 100644 index 6ba3d124d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_13.png deleted file mode 100644 index 37fde377a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_14.png deleted file mode 100644 index 4f42abd0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_15.png deleted file mode 100644 index cce63c7ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_16.png deleted file mode 100644 index a8bb11983..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_17.png deleted file mode 100644 index 51a2cc3a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_18.png deleted file mode 100644 index 5b8f41fcb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_19.png deleted file mode 100644 index 6a6037b04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_20.png deleted file mode 100644 index 1d48b2ccf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_01.png deleted file mode 100644 index a9a373fbf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_02.png deleted file mode 100644 index d6e223860..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_03.png deleted file mode 100644 index 23323acfa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_04.png deleted file mode 100644 index 4f3606119..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_05.png deleted file mode 100644 index 9e4696cd1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_06.png deleted file mode 100644 index a0735e626..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_07.png deleted file mode 100644 index 8384bced8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_08.png deleted file mode 100644 index cf0b0dd29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_09.png deleted file mode 100644 index 32632cc45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_10.png deleted file mode 100644 index 8369453ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_11.png deleted file mode 100644 index 42015e0dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_12.png deleted file mode 100644 index 535e7a578..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_13.png deleted file mode 100644 index 440eb106a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_14.png deleted file mode 100644 index 69ac9ef96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_15.png deleted file mode 100644 index 345c14441..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_16.png deleted file mode 100644 index ae02ca247..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_17.png deleted file mode 100644 index 5fa7f1f64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_18.png deleted file mode 100644 index d0d6c9c7b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_19.png deleted file mode 100644 index 4335de146..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_20.png deleted file mode 100644 index 6fa3ec042..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_01.png deleted file mode 100644 index c490bc484..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_02.png deleted file mode 100644 index 18a3ea309..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_03.png deleted file mode 100644 index 0c0245cdb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_04.png deleted file mode 100644 index db077cbe6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_05.png deleted file mode 100644 index d0ea6c5b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_06.png deleted file mode 100644 index 8eda03f7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_07.png deleted file mode 100644 index 1a3db9ba8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_08.png deleted file mode 100644 index a1633cbbe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_09.png deleted file mode 100644 index a3cafdf73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_10.png deleted file mode 100644 index 00aa8d113..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_11.png deleted file mode 100644 index c93a06df3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_12.png deleted file mode 100644 index a0c95f0ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_13.png deleted file mode 100644 index 9bb19cbee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_14.png deleted file mode 100644 index 7e2c2c4ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_15.png deleted file mode 100644 index 441d6ed39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_16.png deleted file mode 100644 index d31e8e927..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_17.png deleted file mode 100644 index 81e931217..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_18.png deleted file mode 100644 index ccdb3f706..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_19.png deleted file mode 100644 index 31508cf49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_20.png deleted file mode 100644 index c1e5957f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_01.png deleted file mode 100644 index 5d9aeae4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_02.png deleted file mode 100644 index 79a573131..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_03.png deleted file mode 100644 index c20f2999e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_04.png deleted file mode 100644 index 6c778a9b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_05.png deleted file mode 100644 index 3977c05c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_06.png deleted file mode 100644 index fa6f86c02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_07.png deleted file mode 100644 index c9b6078dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_08.png deleted file mode 100644 index 701c446f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_09.png deleted file mode 100644 index 1f6893aa2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_10.png deleted file mode 100644 index bd8c66a44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_11.png deleted file mode 100644 index 937a4e399..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_12.png deleted file mode 100644 index 79c8c8192..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_13.png deleted file mode 100644 index b7f688afd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_14.png deleted file mode 100644 index a01a92448..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_15.png deleted file mode 100644 index 6b5a146e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_16.png deleted file mode 100644 index 959ff34e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_17.png deleted file mode 100644 index 8828e1eb0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_18.png deleted file mode 100644 index a570b878e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_19.png deleted file mode 100644 index 64d94de6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_20.png deleted file mode 100644 index fb5cff73f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_01.png deleted file mode 100644 index 3ae41f88c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_02.png deleted file mode 100644 index 09ab28ff4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_03.png deleted file mode 100644 index 7d52180c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_04.png deleted file mode 100644 index 3953ab766..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_05.png deleted file mode 100644 index e9580aeee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_06.png deleted file mode 100644 index 1d1c4ddf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_07.png deleted file mode 100644 index 54532c6b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_08.png deleted file mode 100644 index e7ab67f17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_09.png deleted file mode 100644 index 0d5de9af9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_10.png deleted file mode 100644 index ef4cecf02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_11.png deleted file mode 100644 index 3b1bd7026..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_12.png deleted file mode 100644 index 267189eb2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_13.png deleted file mode 100644 index 84990db59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_14.png deleted file mode 100644 index 9a2640312..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_15.png deleted file mode 100644 index c6cc00eba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_16.png deleted file mode 100644 index 0d1ebc5b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_17.png deleted file mode 100644 index bb1b3ee3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_18.png deleted file mode 100644 index 17c73b040..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_19.png deleted file mode 100644 index 00fbc1cc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_20.png deleted file mode 100644 index 72014ee7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_01.png deleted file mode 100644 index 53591a0c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_02.png deleted file mode 100644 index 8e075063e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_03.png deleted file mode 100644 index 9d02b1bbf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_04.png deleted file mode 100644 index 70d4510dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_05.png deleted file mode 100644 index c1ad38a80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_06.png deleted file mode 100644 index d892fc4e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_07.png deleted file mode 100644 index e471ab94d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_08.png deleted file mode 100644 index b2b11e50f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_09.png deleted file mode 100644 index 7ee072918..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_10.png deleted file mode 100644 index e7903ef3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_11.png deleted file mode 100644 index bc69d13a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_12.png deleted file mode 100644 index 2a2092c7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_13.png deleted file mode 100644 index d3331427c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_14.png deleted file mode 100644 index 6c7598b9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_15.png deleted file mode 100644 index 667b24ce9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_16.png deleted file mode 100644 index 7d436913d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_17.png deleted file mode 100644 index 05b3a2eca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_18.png deleted file mode 100644 index d3bd65455..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_19.png deleted file mode 100644 index 95bd312c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_20.png deleted file mode 100644 index 056bdd9cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_01.png deleted file mode 100644 index 00179c9e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_02.png deleted file mode 100644 index e3f320296..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_03.png deleted file mode 100644 index 77bdb23c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_04.png deleted file mode 100644 index c6b3eece4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_05.png deleted file mode 100644 index b85f0a207..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_06.png deleted file mode 100644 index 8c0dc80d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_07.png deleted file mode 100644 index ffd31c875..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_08.png deleted file mode 100644 index 52db49037..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_09.png deleted file mode 100644 index 31469fa18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_10.png deleted file mode 100644 index 82d615b10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_11.png deleted file mode 100644 index 65ba3c54d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_12.png deleted file mode 100644 index 469daa522..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_13.png deleted file mode 100644 index 0f906bc7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_14.png deleted file mode 100644 index 92e16d8ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_15.png deleted file mode 100644 index 4c5d54b80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_16.png deleted file mode 100644 index 04812698a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_17.png deleted file mode 100644 index 9866b4066..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_18.png deleted file mode 100644 index 94ba2817d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_19.png deleted file mode 100644 index 2e7ac59f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_20.png deleted file mode 100644 index 9c24cae7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_01.png deleted file mode 100644 index 898159037..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_02.png deleted file mode 100644 index 3ac0add0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_03.png deleted file mode 100644 index c3368d1c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_04.png deleted file mode 100644 index 7fdbd740e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_05.png deleted file mode 100644 index b2319594c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_06.png deleted file mode 100644 index aa3c0c4ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_07.png deleted file mode 100644 index cf47ea24f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_08.png deleted file mode 100644 index ee866e56d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_09.png deleted file mode 100644 index 1432b1c7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_10.png deleted file mode 100644 index 286d5469d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_11.png deleted file mode 100644 index 1add91a8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_12.png deleted file mode 100644 index 43257a675..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_13.png deleted file mode 100644 index 7e755f15b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_14.png deleted file mode 100644 index 4215f97fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_15.png deleted file mode 100644 index 882904c75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_16.png deleted file mode 100644 index 03ff7831d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_17.png deleted file mode 100644 index da54b09be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_18.png deleted file mode 100644 index 3f5f9513f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_19.png deleted file mode 100644 index 194a1e579..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_20.png deleted file mode 100644 index 94d8f0016..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_01.png deleted file mode 100644 index 7bf0e367d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_02.png deleted file mode 100644 index 28c23d888..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_03.png deleted file mode 100644 index 2512d6676..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_04.png deleted file mode 100644 index 19adaeb66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_05.png deleted file mode 100644 index aba799886..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_06.png deleted file mode 100644 index eb5f0f25d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_07.png deleted file mode 100644 index 9f98f80af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_08.png deleted file mode 100644 index 08336025f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_09.png deleted file mode 100644 index 61ce61d4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_10.png deleted file mode 100644 index a9136cafc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_11.png deleted file mode 100644 index 8d6f5b8e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_12.png deleted file mode 100644 index e4499aa88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_13.png deleted file mode 100644 index 1f635f62b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_14.png deleted file mode 100644 index e530457b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_15.png deleted file mode 100644 index e9e50073e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_16.png deleted file mode 100644 index 8f3996764..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_17.png deleted file mode 100644 index 300de3934..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_18.png deleted file mode 100644 index dc0541cb1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_19.png deleted file mode 100644 index d29ff45d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_20.png deleted file mode 100644 index f42385172..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_01.png deleted file mode 100644 index d2521e8bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_02.png deleted file mode 100644 index c36c85491..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_03.png deleted file mode 100644 index 493f94b5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_04.png deleted file mode 100644 index 6c90ba3c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_05.png deleted file mode 100644 index 30d214b28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_06.png deleted file mode 100644 index 893929a20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_07.png deleted file mode 100644 index 0ff6ec93e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_08.png deleted file mode 100644 index 89ce4adf5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_09.png deleted file mode 100644 index 2f2020fa8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_10.png deleted file mode 100644 index c2059dc8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_11.png deleted file mode 100644 index 4621ba572..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_12.png deleted file mode 100644 index 73974377f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_13.png deleted file mode 100644 index 3ec1a001a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_14.png deleted file mode 100644 index a13ac8205..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_15.png deleted file mode 100644 index e9cf8c9e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_16.png deleted file mode 100644 index d1666736a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_17.png deleted file mode 100644 index a917c2f9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_18.png deleted file mode 100644 index 72daf62d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_19.png deleted file mode 100644 index 02817ae0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_20.png deleted file mode 100644 index 764f4ae9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_01.png deleted file mode 100644 index 4ecb85676..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_02.png deleted file mode 100644 index 0dfecc854..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_03.png deleted file mode 100644 index 6deaed8bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_04.png deleted file mode 100644 index 01a15f138..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_05.png deleted file mode 100644 index 5d2c4951b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_06.png deleted file mode 100644 index 9a7bbdfde..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_07.png deleted file mode 100644 index c477b2b9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_08.png deleted file mode 100644 index d624bb642..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_09.png deleted file mode 100644 index 37d44c6e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_10.png deleted file mode 100644 index 1dd154212..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_11.png deleted file mode 100644 index ffcb3ecd1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_12.png deleted file mode 100644 index ea67fca84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_13.png deleted file mode 100644 index 81593c271..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_14.png deleted file mode 100644 index cca036638..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_15.png deleted file mode 100644 index a4deaceaf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_16.png deleted file mode 100644 index c6ccbf5d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_17.png deleted file mode 100644 index f8ee93594..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_18.png deleted file mode 100644 index fc9841e1d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_19.png deleted file mode 100644 index e536110dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_20.png deleted file mode 100644 index 2d5de10b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_01.png deleted file mode 100644 index a88f1570a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_02.png deleted file mode 100644 index 10759fd16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_03.png deleted file mode 100644 index ee332e6d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_04.png deleted file mode 100644 index b7c61f66d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_05.png deleted file mode 100644 index 36ceecc1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_06.png deleted file mode 100644 index 6a0d791b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_07.png deleted file mode 100644 index 817ffe962..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_08.png deleted file mode 100644 index df418ff4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_09.png deleted file mode 100644 index 3dff937e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_10.png deleted file mode 100644 index 69dee39a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_11.png deleted file mode 100644 index fd8c0bdd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_12.png deleted file mode 100644 index f4f1d2922..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_13.png deleted file mode 100644 index 2def4c520..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_14.png deleted file mode 100644 index b321058af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_15.png deleted file mode 100644 index dc725014e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_16.png deleted file mode 100644 index 84ba3c5dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_17.png deleted file mode 100644 index 28da17112..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_18.png deleted file mode 100644 index ccbab0cf4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_19.png deleted file mode 100644 index c2292aad5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_20.png deleted file mode 100644 index 0e88df274..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_01.png deleted file mode 100644 index 32bfd4def..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_02.png deleted file mode 100644 index 4ba458133..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_03.png deleted file mode 100644 index fe9e76ba6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_04.png deleted file mode 100644 index b4d53db85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_05.png deleted file mode 100644 index eabf66e94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_06.png deleted file mode 100644 index 0a1002de0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_07.png deleted file mode 100644 index 9b5097903..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_08.png deleted file mode 100644 index 30b1b0e45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_09.png deleted file mode 100644 index 17b56a99f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_10.png deleted file mode 100644 index d3b5b7def..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_11.png deleted file mode 100644 index 8da9df010..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_12.png deleted file mode 100644 index b98d46ed4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_13.png deleted file mode 100644 index 266852e87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_14.png deleted file mode 100644 index f2e7e2e08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_15.png deleted file mode 100644 index c17bcb690..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_16.png deleted file mode 100644 index 9cffd562e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_17.png deleted file mode 100644 index 50b9306af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_18.png deleted file mode 100644 index 746a20681..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_19.png deleted file mode 100644 index f55903c8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_20.png deleted file mode 100644 index 7a1e00653..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_01.png deleted file mode 100644 index 63a711cf6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_02.png deleted file mode 100644 index 92ef007da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_03.png deleted file mode 100644 index 7327f0da3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_04.png deleted file mode 100644 index 6673aa29f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_05.png deleted file mode 100644 index f9a6af28a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_06.png deleted file mode 100644 index 2034ce075..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_07.png deleted file mode 100644 index 901652877..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_08.png deleted file mode 100644 index 671479947..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_09.png deleted file mode 100644 index ef1a2cbbf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_10.png deleted file mode 100644 index 31fc71180..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_11.png deleted file mode 100644 index bef7c383f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_12.png deleted file mode 100644 index fe01a6ddf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_13.png deleted file mode 100644 index fc07c895b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_14.png deleted file mode 100644 index cfb7b3682..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_15.png deleted file mode 100644 index bf6946dd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_16.png deleted file mode 100644 index 155568b21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_17.png deleted file mode 100644 index 34a49b1aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_18.png deleted file mode 100644 index f48221488..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_19.png deleted file mode 100644 index 08734d138..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_20.png deleted file mode 100644 index bdfa92bc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_01.png deleted file mode 100644 index f1066061a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_02.png deleted file mode 100644 index adbb56523..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_03.png deleted file mode 100644 index 181909f9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_04.png deleted file mode 100644 index 0951d507a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_05.png deleted file mode 100644 index 88c38370f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_06.png deleted file mode 100644 index 638b762b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_07.png deleted file mode 100644 index 7c7b64285..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_08.png deleted file mode 100644 index c8f7e5205..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_09.png deleted file mode 100644 index 044868073..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_10.png deleted file mode 100644 index d1bf2e428..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_11.png deleted file mode 100644 index 95a9904b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_12.png deleted file mode 100644 index 942e59eb7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_13.png deleted file mode 100644 index fccfb807c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_14.png deleted file mode 100644 index 1b2f7486e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_15.png deleted file mode 100644 index 6951e7be3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_16.png deleted file mode 100644 index 7891e208a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_17.png deleted file mode 100644 index 0a9e5e935..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_18.png deleted file mode 100644 index bb25486af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_19.png deleted file mode 100644 index 5ae548a5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_20.png deleted file mode 100644 index 60f59442f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_01.png deleted file mode 100644 index 72689bbb2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_02.png deleted file mode 100644 index 3ee4d4804..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_03.png deleted file mode 100644 index 3982cf9c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_04.png deleted file mode 100644 index c7fbb0636..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_05.png deleted file mode 100644 index c4cbda369..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_06.png deleted file mode 100644 index 85b4d05dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_07.png deleted file mode 100644 index f99769e94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_08.png deleted file mode 100644 index 07c4b281d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_09.png deleted file mode 100644 index 91556b822..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_10.png deleted file mode 100644 index 359c13f15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_11.png deleted file mode 100644 index 2545c5f43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_12.png deleted file mode 100644 index dc0dccb56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_13.png deleted file mode 100644 index 8f668096e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_14.png deleted file mode 100644 index c76adbed5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_15.png deleted file mode 100644 index 01dc5390e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_16.png deleted file mode 100644 index 9c162ac58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_17.png deleted file mode 100644 index de94dc18a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_18.png deleted file mode 100644 index a9307a39b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_19.png deleted file mode 100644 index a0cf965d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_20.png deleted file mode 100644 index 11dc9eece..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_01.png deleted file mode 100644 index 3a15fb95b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_02.png deleted file mode 100644 index ccf6abb2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_03.png deleted file mode 100644 index 654a05785..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_04.png deleted file mode 100644 index 34cd68d1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_05.png deleted file mode 100644 index c2baaadd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_06.png deleted file mode 100644 index 33c721deb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_07.png deleted file mode 100644 index 401e5c95c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_08.png deleted file mode 100644 index d6de16c55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_09.png deleted file mode 100644 index 042d1901d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_10.png deleted file mode 100644 index 676690d67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_11.png deleted file mode 100644 index 704954746..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_12.png deleted file mode 100644 index cecd97bdd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_13.png deleted file mode 100644 index 6089dbe56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_14.png deleted file mode 100644 index 56a019492..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_15.png deleted file mode 100644 index a71128fe8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_16.png deleted file mode 100644 index c9c63e5f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_17.png deleted file mode 100644 index 2619e57f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_18.png deleted file mode 100644 index 77f198ebb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_19.png deleted file mode 100644 index b7e8088a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_20.png deleted file mode 100644 index cb350f3e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_01.png deleted file mode 100644 index 00e162246..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_02.png deleted file mode 100644 index 46273212a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_03.png deleted file mode 100644 index 9cce3ebdb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_04.png deleted file mode 100644 index 812f02ae6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_05.png deleted file mode 100644 index 5ccdc0b6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_06.png deleted file mode 100644 index 35f53fceb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_07.png deleted file mode 100644 index e784172f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_08.png deleted file mode 100644 index 690ce53f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_09.png deleted file mode 100644 index 2ba40c92e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_10.png deleted file mode 100644 index 3b6ea84ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_11.png deleted file mode 100644 index f21227747..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_12.png deleted file mode 100644 index 14b57d12e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_13.png deleted file mode 100644 index 7808b5ef0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_14.png deleted file mode 100644 index 770962c87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_15.png deleted file mode 100644 index 2a61e19ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_16.png deleted file mode 100644 index 6127f0ec9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_17.png deleted file mode 100644 index 72bb894c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_18.png deleted file mode 100644 index 18560a3c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_19.png deleted file mode 100644 index 3d2bf8dfd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_20.png deleted file mode 100644 index ab886e508..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_01.png deleted file mode 100644 index fc9dfa28d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_02.png deleted file mode 100644 index 7e74b7e1d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_03.png deleted file mode 100644 index f06c2300f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_04.png deleted file mode 100644 index 2e0e9bbdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_05.png deleted file mode 100644 index cfee9c133..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_06.png deleted file mode 100644 index 45c523420..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_07.png deleted file mode 100644 index cf7a571a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_08.png deleted file mode 100644 index 80f19ec78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_09.png deleted file mode 100644 index 967da291e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_10.png deleted file mode 100644 index 1562fac6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_11.png deleted file mode 100644 index 1be716ed4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_12.png deleted file mode 100644 index 903e36fda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_13.png deleted file mode 100644 index 82e44e215..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_14.png deleted file mode 100644 index 9fb9d60e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_15.png deleted file mode 100644 index d2a22f436..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_16.png deleted file mode 100644 index ccd6589f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_17.png deleted file mode 100644 index 16fb69c81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_18.png deleted file mode 100644 index b0c3aaccb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_19.png deleted file mode 100644 index 11bc6b55e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_20.png deleted file mode 100644 index f1f0bede8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_01.png deleted file mode 100644 index 364195f9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_02.png deleted file mode 100644 index 4369a05d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_03.png deleted file mode 100644 index 5463d8c35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_04.png deleted file mode 100644 index 78c278a9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_05.png deleted file mode 100644 index 6bb351d61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_06.png deleted file mode 100644 index 52560c6c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_07.png deleted file mode 100644 index 00a1ce083..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_08.png deleted file mode 100644 index 2e7b1235f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_09.png deleted file mode 100644 index a9c41ac72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_10.png deleted file mode 100644 index 95a05567d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_11.png deleted file mode 100644 index 962e8cee2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_12.png deleted file mode 100644 index 58923085b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_13.png deleted file mode 100644 index bc046ec4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_14.png deleted file mode 100644 index e78194ca9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_15.png deleted file mode 100644 index 6951fdeb8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_16.png deleted file mode 100644 index 4cd0096ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_17.png deleted file mode 100644 index 5db71ca59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_18.png deleted file mode 100644 index ae1a1f3f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_19.png deleted file mode 100644 index 1b1071a3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_20.png deleted file mode 100644 index 9d79ae252..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_01.png deleted file mode 100644 index 2e61a0818..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_02.png deleted file mode 100644 index 7aa892469..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_03.png deleted file mode 100644 index ef31c665e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_04.png deleted file mode 100644 index 3223862fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_05.png deleted file mode 100644 index 1b1f80a53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_06.png deleted file mode 100644 index d4159e343..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_07.png deleted file mode 100644 index a1f169c2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_08.png deleted file mode 100644 index f9be3f050..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_09.png deleted file mode 100644 index 92c7033c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_10.png deleted file mode 100644 index ab65e3b72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_11.png deleted file mode 100644 index c24576809..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_12.png deleted file mode 100644 index bcf425ec0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_13.png deleted file mode 100644 index 204c5ce08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_14.png deleted file mode 100644 index 6ea20e2ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_15.png deleted file mode 100644 index 63db3535c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_16.png deleted file mode 100644 index 2d1061447..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_17.png deleted file mode 100644 index 3eb8bee94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_18.png deleted file mode 100644 index 8acba82d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_19.png deleted file mode 100644 index ba445d9cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_20.png deleted file mode 100644 index f7eec2647..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_01.png deleted file mode 100644 index 2371c4141..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_02.png deleted file mode 100644 index bd3af1dde..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_03.png deleted file mode 100644 index f46b8aad6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_04.png deleted file mode 100644 index 9aa4b9ba7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_05.png deleted file mode 100644 index dc8b28800..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_06.png deleted file mode 100644 index c22bb6fb7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_07.png deleted file mode 100644 index 30079f0af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_08.png deleted file mode 100644 index 9ab5fe274..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_09.png deleted file mode 100644 index 74118118b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_10.png deleted file mode 100644 index aae784484..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_11.png deleted file mode 100644 index 64fcfa65e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_12.png deleted file mode 100644 index d9aa7bba7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_13.png deleted file mode 100644 index df4082b32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_14.png deleted file mode 100644 index 2fefbd477..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_15.png deleted file mode 100644 index 948b0d3f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_16.png deleted file mode 100644 index f87597079..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_17.png deleted file mode 100644 index eec8c1ce5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_18.png deleted file mode 100644 index 624230427..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_19.png deleted file mode 100644 index b68837528..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_20.png deleted file mode 100644 index 5f43ba130..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_01.png deleted file mode 100644 index d6a9556b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_02.png deleted file mode 100644 index 61ebf7937..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_03.png deleted file mode 100644 index 0da004e13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_04.png deleted file mode 100644 index 81c0814b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_05.png deleted file mode 100644 index 8e79e6ab9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_06.png deleted file mode 100644 index b5993235c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_07.png deleted file mode 100644 index 93b246a27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_08.png deleted file mode 100644 index 0b0882981..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_09.png deleted file mode 100644 index b4f924539..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_10.png deleted file mode 100644 index c0936113a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_11.png deleted file mode 100644 index 8d62bb9f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_12.png deleted file mode 100644 index d00e50244..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_13.png deleted file mode 100644 index ff2c96236..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_14.png deleted file mode 100644 index 269c49adb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_15.png deleted file mode 100644 index 256f15c83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_16.png deleted file mode 100644 index 25fd4afdd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_17.png deleted file mode 100644 index 902a9fd96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_18.png deleted file mode 100644 index 1631db2f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_19.png deleted file mode 100644 index 7ce9b4364..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_20.png deleted file mode 100644 index d2c331e29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_01.png deleted file mode 100644 index 85e85404a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_02.png deleted file mode 100644 index 84eba37c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_03.png deleted file mode 100644 index 97ed3dd8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_04.png deleted file mode 100644 index 6dc2c23e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_05.png deleted file mode 100644 index 56df5ddc4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_06.png deleted file mode 100644 index ef1572bd7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_07.png deleted file mode 100644 index f8116e61e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_08.png deleted file mode 100644 index 223175995..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_09.png deleted file mode 100644 index cd094eebc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_10.png deleted file mode 100644 index 861f0108f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_11.png deleted file mode 100644 index e9d19f13b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_12.png deleted file mode 100644 index 6590ff145..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_13.png deleted file mode 100644 index 685458bb5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_14.png deleted file mode 100644 index 8734089a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_15.png deleted file mode 100644 index ef79ff589..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_16.png deleted file mode 100644 index 9e5d60fe7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_17.png deleted file mode 100644 index 346c06eb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_18.png deleted file mode 100644 index f8f8ffc06..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_19.png deleted file mode 100644 index dfca15564..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_20.png deleted file mode 100644 index ecec3078f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_01.png deleted file mode 100644 index fb866ba32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_02.png deleted file mode 100644 index ba05d4528..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_03.png deleted file mode 100644 index 916b7cf87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_04.png deleted file mode 100644 index d1b73ba20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_05.png deleted file mode 100644 index a678b4c36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_06.png deleted file mode 100644 index 56b3ad705..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_07.png deleted file mode 100644 index 9a3999c0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_08.png deleted file mode 100644 index 062c7ab1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_09.png deleted file mode 100644 index 7f6fd4ed3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_10.png deleted file mode 100644 index ba061d288..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_11.png deleted file mode 100644 index 010a40d65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_12.png deleted file mode 100644 index e55672444..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_13.png deleted file mode 100644 index b47e8db21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_14.png deleted file mode 100644 index 700cc0b5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_15.png deleted file mode 100644 index 3ba079009..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_16.png deleted file mode 100644 index d43394d6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_17.png deleted file mode 100644 index 1fe9579b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_18.png deleted file mode 100644 index 4d748558e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_19.png deleted file mode 100644 index efd1d1b61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_20.png deleted file mode 100644 index 442c0dc19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_01.png deleted file mode 100644 index e240ab0e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_02.png deleted file mode 100644 index 3019d7572..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_03.png deleted file mode 100644 index 78000c3eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_04.png deleted file mode 100644 index ab20163b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_05.png deleted file mode 100644 index 33a015aef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_06.png deleted file mode 100644 index b3b0616a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_07.png deleted file mode 100644 index 74a55f9c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_08.png deleted file mode 100644 index d638dd3e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_09.png deleted file mode 100644 index 98a32f07e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_10.png deleted file mode 100644 index 7fa3cc537..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_11.png deleted file mode 100644 index 95d2dc348..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_12.png deleted file mode 100644 index 6154cfd43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_13.png deleted file mode 100644 index a975e5e6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_14.png deleted file mode 100644 index 2ed27377b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_15.png deleted file mode 100644 index 0b3d1b424..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_16.png deleted file mode 100644 index b02fdb992..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_17.png deleted file mode 100644 index f00245534..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_18.png deleted file mode 100644 index 77c624341..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_19.png deleted file mode 100644 index 35f288d2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_20.png deleted file mode 100644 index 8b7a1bcbb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_01.png deleted file mode 100644 index a7e990cfd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_02.png deleted file mode 100644 index c926a38ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_03.png deleted file mode 100644 index 175e9b604..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_04.png deleted file mode 100644 index ce85675d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_05.png deleted file mode 100644 index 6c7dc9398..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_06.png deleted file mode 100644 index 85f56597a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_07.png deleted file mode 100644 index 0aedb4308..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_08.png deleted file mode 100644 index 54f0b704f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_09.png deleted file mode 100644 index 8e136582a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_10.png deleted file mode 100644 index 888170af7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_11.png deleted file mode 100644 index 8e1b7a35f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_12.png deleted file mode 100644 index d42184dd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_13.png deleted file mode 100644 index 7bb0b3c65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_14.png deleted file mode 100644 index 2cbf1d4a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_15.png deleted file mode 100644 index 8be5ba28e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_16.png deleted file mode 100644 index 6709ca729..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_17.png deleted file mode 100644 index 2f5b4cffe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_18.png deleted file mode 100644 index f1edbd56d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_19.png deleted file mode 100644 index 6d9520e0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_20.png deleted file mode 100644 index 91557a1c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_01.png deleted file mode 100644 index d30687ef6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_02.png deleted file mode 100644 index 1a898b80a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_03.png deleted file mode 100644 index 6b83695f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_04.png deleted file mode 100644 index 00e9aead2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_05.png deleted file mode 100644 index 07bb4ddda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_06.png deleted file mode 100644 index 6f8004590..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_07.png deleted file mode 100644 index a82dfb44b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_08.png deleted file mode 100644 index 03fa213d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_09.png deleted file mode 100644 index 25c18a4e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_10.png deleted file mode 100644 index 83d636bb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_11.png deleted file mode 100644 index a82a0e8b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_12.png deleted file mode 100644 index 26352c132..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_13.png deleted file mode 100644 index 7680a1d3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_14.png deleted file mode 100644 index e6e9d012a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_15.png deleted file mode 100644 index bf0f0b1ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_16.png deleted file mode 100644 index 9a4643fe0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_17.png deleted file mode 100644 index 15d729acb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_18.png deleted file mode 100644 index b5b9f0630..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_19.png deleted file mode 100644 index cd2a0528f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_20.png deleted file mode 100644 index 56a25e0ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_01.png deleted file mode 100644 index 2d7f0d911..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_02.png deleted file mode 100644 index 79e80e7cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_03.png deleted file mode 100644 index b7f7d73c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_04.png deleted file mode 100644 index b1cdf1f86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_05.png deleted file mode 100644 index f4b685d16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_06.png deleted file mode 100644 index d965ab45d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_07.png deleted file mode 100644 index bd343c960..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_08.png deleted file mode 100644 index 13560dff7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_09.png deleted file mode 100644 index 35b64e731..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_10.png deleted file mode 100644 index 10a976826..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_11.png deleted file mode 100644 index 0de1429b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_12.png deleted file mode 100644 index df10a57fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_13.png deleted file mode 100644 index 3c60caaf9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_14.png deleted file mode 100644 index b40fcbc63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_15.png deleted file mode 100644 index 680c32c3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_16.png deleted file mode 100644 index 9917bdba7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_17.png deleted file mode 100644 index f24bbdc8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_18.png deleted file mode 100644 index a911506b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_19.png deleted file mode 100644 index e8e5d3135..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_20.png deleted file mode 100644 index 32a9ccbf4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_01.png deleted file mode 100644 index c1e89a1b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_02.png deleted file mode 100644 index dd1b1b4b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_03.png deleted file mode 100644 index bc3062788..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_04.png deleted file mode 100644 index 635432f4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_05.png deleted file mode 100644 index 889caacbe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_06.png deleted file mode 100644 index 8cb7f83ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_07.png deleted file mode 100644 index 3b8b8e292..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_08.png deleted file mode 100644 index 1efd46f86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_09.png deleted file mode 100644 index 957e8e50e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_10.png deleted file mode 100644 index c6031dbe6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_11.png deleted file mode 100644 index ab6dda899..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_12.png deleted file mode 100644 index 3a5ea3b63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_13.png deleted file mode 100644 index 03dd5f423..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_14.png deleted file mode 100644 index d9f1c7b05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_15.png deleted file mode 100644 index b36712665..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_16.png deleted file mode 100644 index a301d2a54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_17.png deleted file mode 100644 index a58b5b75c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_18.png deleted file mode 100644 index dee8e3a85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_19.png deleted file mode 100644 index 7ea0d8971..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_20.png deleted file mode 100644 index 678b73d90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character01/0804_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_01.png deleted file mode 100644 index d552c2760..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_02.png deleted file mode 100644 index 0c7f5f1c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_03.png deleted file mode 100644 index b6918a143..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_04.png deleted file mode 100644 index 725a7adb5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_05.png deleted file mode 100644 index 4c3248cf4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_06.png deleted file mode 100644 index 1f99ba672..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_07.png deleted file mode 100644 index 32f20b0c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_08.png deleted file mode 100644 index cadfde9df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_09.png deleted file mode 100644 index 974d1e99d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_10.png deleted file mode 100644 index 9c5b0d55a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_11.png deleted file mode 100644 index 30cf95d7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_12.png deleted file mode 100644 index 0de425319..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_13.png deleted file mode 100644 index a54a91b2e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_14.png deleted file mode 100644 index 2e98a07b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_15.png deleted file mode 100644 index 774897fc2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_16.png deleted file mode 100644 index ebe59a80a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_17.png deleted file mode 100644 index 6debeb6ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_18.png deleted file mode 100644 index 508d39e0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_19.png deleted file mode 100644 index 40aa1c192..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_20.png deleted file mode 100644 index 917130113..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character02/0805_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_01.png deleted file mode 100644 index 3bbb13acd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_02.png deleted file mode 100644 index dbd541922..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_03.png deleted file mode 100644 index 26cba2712..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_04.png deleted file mode 100644 index 9b1f8980e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_05.png deleted file mode 100644 index 10d1714d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_06.png deleted file mode 100644 index eb5a4efe7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_07.png deleted file mode 100644 index 1db879bed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_08.png deleted file mode 100644 index 233e85a62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_09.png deleted file mode 100644 index 701d09c18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_10.png deleted file mode 100644 index 1fc99e9f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_11.png deleted file mode 100644 index a328637d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_12.png deleted file mode 100644 index c320f23b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_13.png deleted file mode 100644 index 465fb5aa2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_14.png deleted file mode 100644 index 67ca51203..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_15.png deleted file mode 100644 index c83894152..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_16.png deleted file mode 100644 index ab3c7d51d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_17.png deleted file mode 100644 index dd1640597..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_18.png deleted file mode 100644 index 3fa1fdc51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_19.png deleted file mode 100644 index 545cf08b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_20.png deleted file mode 100644 index 7261e6604..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character03/0806_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_01.png deleted file mode 100644 index d51fdda6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_02.png deleted file mode 100644 index 31e6edc36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_03.png deleted file mode 100644 index 58a45068d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_04.png deleted file mode 100644 index 133b0ca55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_05.png deleted file mode 100644 index 42f7edd63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_06.png deleted file mode 100644 index d8fe14662..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_07.png deleted file mode 100644 index f4ef2adda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_08.png deleted file mode 100644 index 78c9504ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_09.png deleted file mode 100644 index 139171709..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_10.png deleted file mode 100644 index 0fd699317..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_11.png deleted file mode 100644 index 297d837a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_12.png deleted file mode 100644 index d78dcc40e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_13.png deleted file mode 100644 index 9b71c65e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_14.png deleted file mode 100644 index 96e9e1896..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_15.png deleted file mode 100644 index 5ee83cbac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_16.png deleted file mode 100644 index a45199594..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_17.png deleted file mode 100644 index 5adbc1889..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_18.png deleted file mode 100644 index 61124e41a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_19.png deleted file mode 100644 index abd0b49b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_20.png deleted file mode 100644 index 4786cc9f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character04/0807_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_01.png deleted file mode 100644 index 23f0241a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_02.png deleted file mode 100644 index 6ca4262b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_03.png deleted file mode 100644 index 032054be6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_04.png deleted file mode 100644 index c0d499869..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_05.png deleted file mode 100644 index 649252604..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_06.png deleted file mode 100644 index 01950c5ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_07.png deleted file mode 100644 index d3a8ee36e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_08.png deleted file mode 100644 index 9c5bbafae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_09.png deleted file mode 100644 index 9fce18e15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_10.png deleted file mode 100644 index 5549f9c56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_11.png deleted file mode 100644 index f5999fd53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_12.png deleted file mode 100644 index 685d48ba2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_13.png deleted file mode 100644 index df0146ab4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_14.png deleted file mode 100644 index 0aa7e3d40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_15.png deleted file mode 100644 index 9663e8fc2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_16.png deleted file mode 100644 index bdefc3d35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_17.png deleted file mode 100644 index f3b08e1ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_18.png deleted file mode 100644 index 268aefa73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_19.png deleted file mode 100644 index 2e46480a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_20.png deleted file mode 100644 index ba6cc875a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character05/0808_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_01.png deleted file mode 100644 index 99b859313..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_02.png deleted file mode 100644 index cf1c2c317..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_03.png deleted file mode 100644 index ec76eada7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_04.png deleted file mode 100644 index fe4382736..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_05.png deleted file mode 100644 index 5bb75fbb1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_06.png deleted file mode 100644 index 4ecebaff7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_07.png deleted file mode 100644 index 32c595408..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_08.png deleted file mode 100644 index e3f908c43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_09.png deleted file mode 100644 index 5a0936e89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_10.png deleted file mode 100644 index cc8f34a29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_11.png deleted file mode 100644 index 489401bc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_12.png deleted file mode 100644 index 6ba417447..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_13.png deleted file mode 100644 index 32088ef0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_14.png deleted file mode 100644 index 16ae731d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_15.png deleted file mode 100644 index 71725d928..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_16.png deleted file mode 100644 index 249f31df0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_17.png deleted file mode 100644 index 649c424de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_18.png deleted file mode 100644 index 49778c711..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_19.png deleted file mode 100644 index c6e8f0428..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_20.png deleted file mode 100644 index ea0307aba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character06/0809_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_01.png deleted file mode 100644 index e1903a19e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_02.png deleted file mode 100644 index fecd3acfc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_03.png deleted file mode 100644 index 23446d8f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_04.png deleted file mode 100644 index 114b4ed13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_05.png deleted file mode 100644 index baf685665..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_06.png deleted file mode 100644 index 2a966526a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_07.png deleted file mode 100644 index e219788c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_08.png deleted file mode 100644 index 526fe326a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_09.png deleted file mode 100644 index d3f31dbae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_10.png deleted file mode 100644 index 5c8ade723..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_11.png deleted file mode 100644 index 006c1b586..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_12.png deleted file mode 100644 index 9e12774a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_13.png deleted file mode 100644 index 5a871d6ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_14.png deleted file mode 100644 index 72c582eb1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_15.png deleted file mode 100644 index c41bef498..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_16.png deleted file mode 100644 index 539df6158..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_17.png deleted file mode 100644 index 110bcec50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_18.png deleted file mode 100644 index daa56abc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_19.png deleted file mode 100644 index 6ad309cf9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_20.png deleted file mode 100644 index 6c1d506c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character07/0810_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_01.png deleted file mode 100644 index 8852222d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_02.png deleted file mode 100644 index d33c2ad61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_03.png deleted file mode 100644 index 7acdc5d53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_04.png deleted file mode 100644 index 6aa7f7e1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_05.png deleted file mode 100644 index ef29c445d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_06.png deleted file mode 100644 index 244152c93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_07.png deleted file mode 100644 index 117e4365e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_08.png deleted file mode 100644 index 9a0d392c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_09.png deleted file mode 100644 index 2470f9998..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_10.png deleted file mode 100644 index 11a61d1f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_11.png deleted file mode 100644 index fde036282..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_12.png deleted file mode 100644 index 8870d2a32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_13.png deleted file mode 100644 index ed6e390de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_14.png deleted file mode 100644 index d8a421fa4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_15.png deleted file mode 100644 index bb9d87197..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_16.png deleted file mode 100644 index fccc55ac1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_17.png deleted file mode 100644 index 10c495746..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_18.png deleted file mode 100644 index 6ba8e986b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_19.png deleted file mode 100644 index 64e4268ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_20.png deleted file mode 100644 index 32540ce63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character08/0811_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_01.png deleted file mode 100644 index e2b7bf5bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_02.png deleted file mode 100644 index 99d569579..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_03.png deleted file mode 100644 index e70451d10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_04.png deleted file mode 100644 index 6ae593e95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_05.png deleted file mode 100644 index 1e4c68be3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_06.png deleted file mode 100644 index fbb2034eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_07.png deleted file mode 100644 index 99a716e20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_08.png deleted file mode 100644 index 2fa90343f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_09.png deleted file mode 100644 index 737d8fc17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_10.png deleted file mode 100644 index 752d420eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_11.png deleted file mode 100644 index 47f8551d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_12.png deleted file mode 100644 index bcb65dd48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_13.png deleted file mode 100644 index 04239535b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_14.png deleted file mode 100644 index 931b7ef43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_15.png deleted file mode 100644 index b6a8cb1f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_16.png deleted file mode 100644 index 2e3388458..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_17.png deleted file mode 100644 index 43d5bde5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_18.png deleted file mode 100644 index 13dcbbbff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_19.png deleted file mode 100644 index d44087203..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_20.png deleted file mode 100644 index 53433c904..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character09/0812_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_01.png deleted file mode 100644 index a722cebb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_02.png deleted file mode 100644 index 4684e9380..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_03.png deleted file mode 100644 index af6d4f348..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_04.png deleted file mode 100644 index 308638ad3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_05.png deleted file mode 100644 index f1ca7b9a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_06.png deleted file mode 100644 index b34a546a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_07.png deleted file mode 100644 index 0791fa322..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_08.png deleted file mode 100644 index be79b938f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_09.png deleted file mode 100644 index 3f6dfc4be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_10.png deleted file mode 100644 index d7f327a98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_11.png deleted file mode 100644 index 01cb66b69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_12.png deleted file mode 100644 index 5ce735b70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_13.png deleted file mode 100644 index fb288ddc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_14.png deleted file mode 100644 index 58d392329..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_15.png deleted file mode 100644 index 831734a2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_16.png deleted file mode 100644 index 7806c7124..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_17.png deleted file mode 100644 index 0a2fba5a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_18.png deleted file mode 100644 index 117d6a31b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_19.png deleted file mode 100644 index 938f37212..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_20.png deleted file mode 100644 index bdea63619..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character10/0813_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_01.png deleted file mode 100644 index ae877596a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_02.png deleted file mode 100644 index e74bad092..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_03.png deleted file mode 100644 index 26f49ecbb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_04.png deleted file mode 100644 index dddd7aa3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_05.png deleted file mode 100644 index d5abb1909..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_06.png deleted file mode 100644 index 749a6ad95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_07.png deleted file mode 100644 index 897a9bc4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_08.png deleted file mode 100644 index 5a0dc9c12..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_09.png deleted file mode 100644 index f17c46d16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_10.png deleted file mode 100644 index 93403bcbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_11.png deleted file mode 100644 index 8fbeae7a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_12.png deleted file mode 100644 index 3ba686ff7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_13.png deleted file mode 100644 index 898b13d35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_14.png deleted file mode 100644 index 21741d307..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_15.png deleted file mode 100644 index d95343f53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_16.png deleted file mode 100644 index 64ab743e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_17.png deleted file mode 100644 index 58b644dce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_18.png deleted file mode 100644 index 11c020092..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_19.png deleted file mode 100644 index c370ed425..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_20.png deleted file mode 100644 index 6bcc7415e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character11/0814_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_01.png deleted file mode 100644 index 4e0d52806..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_02.png deleted file mode 100644 index f35c66c66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_03.png deleted file mode 100644 index 277286bc7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_04.png deleted file mode 100644 index 37f8bf86d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_05.png deleted file mode 100644 index 983b14acf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_06.png deleted file mode 100644 index 7668f5362..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_07.png deleted file mode 100644 index e9b90d6a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_08.png deleted file mode 100644 index 266e6c504..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_09.png deleted file mode 100644 index 34cc2aa53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_10.png deleted file mode 100644 index 5dafee76f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_11.png deleted file mode 100644 index 576511e3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_12.png deleted file mode 100644 index 802a9b57d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_13.png deleted file mode 100644 index e58dc71af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_14.png deleted file mode 100644 index 3fe0ff3a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_15.png deleted file mode 100644 index bcb1a469b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_16.png deleted file mode 100644 index 53c6388fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_17.png deleted file mode 100644 index 8549dc6ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_18.png deleted file mode 100644 index 40c75f41b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_19.png deleted file mode 100644 index b2c4184ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_20.png deleted file mode 100644 index a1969a79d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character12/0815_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_01.png deleted file mode 100644 index 6a6dd119f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_02.png deleted file mode 100644 index d48725173..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_03.png deleted file mode 100644 index cdf571f25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_04.png deleted file mode 100644 index f08dd4d94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_05.png deleted file mode 100644 index 5cc932232..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_06.png deleted file mode 100644 index 609ccb28b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_07.png deleted file mode 100644 index bac1da012..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_08.png deleted file mode 100644 index fa7a23d7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_09.png deleted file mode 100644 index c3dd19595..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_10.png deleted file mode 100644 index af3e98ced..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_11.png deleted file mode 100644 index 9d2ec0f66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_12.png deleted file mode 100644 index 23855c34e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_13.png deleted file mode 100644 index 30cfb18ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_14.png deleted file mode 100644 index db1dcf48f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_15.png deleted file mode 100644 index 5d843b49f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_16.png deleted file mode 100644 index a67f7294d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_17.png deleted file mode 100644 index 2ef8206b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_18.png deleted file mode 100644 index f29e0980e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_19.png deleted file mode 100644 index 5a9320a40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_20.png deleted file mode 100644 index ca199a6a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character13/0816_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_01.png deleted file mode 100644 index 85c7738f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_02.png deleted file mode 100644 index 62f647440..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_03.png deleted file mode 100644 index c80757650..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_04.png deleted file mode 100644 index 4319fa125..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_05.png deleted file mode 100644 index 5dbde8555..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_06.png deleted file mode 100644 index 26be31e0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_07.png deleted file mode 100644 index a96ea7b82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_08.png deleted file mode 100644 index bed901b5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_09.png deleted file mode 100644 index b05c52f09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_10.png deleted file mode 100644 index 11314053b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_11.png deleted file mode 100644 index 7f850a81c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_12.png deleted file mode 100644 index be527bf9d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_13.png deleted file mode 100644 index 9b02fdbed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_14.png deleted file mode 100644 index d32eb716e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_15.png deleted file mode 100644 index 0a259b1c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_16.png deleted file mode 100644 index f58fe88c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_17.png deleted file mode 100644 index 3fc965213..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_18.png deleted file mode 100644 index 4d2f98908..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_19.png deleted file mode 100644 index 64f307a7b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_20.png deleted file mode 100644 index 373234af7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character14/0817_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_01.png deleted file mode 100644 index 10885161f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_02.png deleted file mode 100644 index 011602107..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_03.png deleted file mode 100644 index 08ccbb8ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_04.png deleted file mode 100644 index 77dd4985a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_05.png deleted file mode 100644 index 596f31f92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_06.png deleted file mode 100644 index ecfbd0f24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_07.png deleted file mode 100644 index 452d309d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_08.png deleted file mode 100644 index 7812004a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_09.png deleted file mode 100644 index c6c2c9982..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_10.png deleted file mode 100644 index ff116f556..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_11.png deleted file mode 100644 index 877516f3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_12.png deleted file mode 100644 index cc48b7af0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_13.png deleted file mode 100644 index 9d8392d10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_14.png deleted file mode 100644 index c1e7c365c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_15.png deleted file mode 100644 index 2545afa7b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_16.png deleted file mode 100644 index cf4c03e6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_17.png deleted file mode 100644 index 73626f845..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_18.png deleted file mode 100644 index b6502ee43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_19.png deleted file mode 100644 index 61f49e11c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_20.png deleted file mode 100644 index 529d0e786..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character15/0818_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_01.png deleted file mode 100644 index c74fc0b8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_02.png deleted file mode 100644 index c9ce3e7f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_03.png deleted file mode 100644 index bf08dd1b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_04.png deleted file mode 100644 index 27d6bdb26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_05.png deleted file mode 100644 index 2d292183c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_06.png deleted file mode 100644 index a16d60b81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_07.png deleted file mode 100644 index 70e8411f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_08.png deleted file mode 100644 index f90c4b908..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_09.png deleted file mode 100644 index be7c8e8e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_10.png deleted file mode 100644 index aa519e251..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_11.png deleted file mode 100644 index 29f352feb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_12.png deleted file mode 100644 index cf6557b54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_13.png deleted file mode 100644 index c14200d21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_14.png deleted file mode 100644 index 461e86763..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_15.png deleted file mode 100644 index 516f02846..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_16.png deleted file mode 100644 index 7e81ee210..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_17.png deleted file mode 100644 index 5995bfefc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_18.png deleted file mode 100644 index f28487004..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_19.png deleted file mode 100644 index aaf1bb2b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_20.png deleted file mode 100644 index 7e79ca3fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character16/0819_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_01.png deleted file mode 100644 index 96ce17385..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_02.png deleted file mode 100644 index 0f22c99dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_03.png deleted file mode 100644 index bd66ea925..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_04.png deleted file mode 100644 index ac6cfe5c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_05.png deleted file mode 100644 index 3c35fbb4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_06.png deleted file mode 100644 index 14d8dc1f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_07.png deleted file mode 100644 index ccaada205..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_08.png deleted file mode 100644 index ccf923a0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_09.png deleted file mode 100644 index a8ea41866..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_10.png deleted file mode 100644 index 769a58801..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_11.png deleted file mode 100644 index fdcd1ce74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_12.png deleted file mode 100644 index 39c89efce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_13.png deleted file mode 100644 index 8ba5453d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_14.png deleted file mode 100644 index 215a49c42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_15.png deleted file mode 100644 index 1d6d746af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_16.png deleted file mode 100644 index be11bbf6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_17.png deleted file mode 100644 index 2f8d84c3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_18.png deleted file mode 100644 index 859caf913..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_19.png deleted file mode 100644 index df031743f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_20.png deleted file mode 100644 index dfff1a631..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character17/0820_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_01.png deleted file mode 100644 index 76fa29505..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_02.png deleted file mode 100644 index 6828206f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_03.png deleted file mode 100644 index 7f6422c4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_04.png deleted file mode 100644 index bb43c6b6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_05.png deleted file mode 100644 index 2763c29e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_06.png deleted file mode 100644 index 07a28e172..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_07.png deleted file mode 100644 index 99079d671..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_08.png deleted file mode 100644 index 2f0457d40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_09.png deleted file mode 100644 index 0f3b45b0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_10.png deleted file mode 100644 index a011036d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_11.png deleted file mode 100644 index 68cafc7a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_12.png deleted file mode 100644 index 94553bd88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_13.png deleted file mode 100644 index b1c4c3375..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_14.png deleted file mode 100644 index 053a9453f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_15.png deleted file mode 100644 index cfffab970..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_16.png deleted file mode 100644 index 3e9bdfa82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_17.png deleted file mode 100644 index 70bb7596b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_18.png deleted file mode 100644 index a85998164..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_19.png deleted file mode 100644 index b88c5e714..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_20.png deleted file mode 100644 index 9958ad8f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character18/0821_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_01.png deleted file mode 100644 index 3f3c5d7e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_02.png deleted file mode 100644 index 6523d6fff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_03.png deleted file mode 100644 index e893bc697..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_04.png deleted file mode 100644 index dd7f68c8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_05.png deleted file mode 100644 index 554f70d5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_06.png deleted file mode 100644 index e6e6fb3d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_07.png deleted file mode 100644 index a89b0e17c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_08.png deleted file mode 100644 index 747df4d6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_09.png deleted file mode 100644 index 07311bd5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_10.png deleted file mode 100644 index b1f79bba9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_11.png deleted file mode 100644 index cbb1e4fb5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_12.png deleted file mode 100644 index 3564e96c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_13.png deleted file mode 100644 index baf42a534..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_14.png deleted file mode 100644 index f5c7b6819..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_15.png deleted file mode 100644 index 1606a6308..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_16.png deleted file mode 100644 index 31b15c435..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_17.png deleted file mode 100644 index 413ebdbf5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_18.png deleted file mode 100644 index 0563fa6ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_19.png deleted file mode 100644 index 37ba51283..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_20.png deleted file mode 100644 index 46398a99a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character19/0822_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_01.png deleted file mode 100644 index 5f0f0901e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_02.png deleted file mode 100644 index 81f783aad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_03.png deleted file mode 100644 index b10ee9c79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_04.png deleted file mode 100644 index 6ea37f627..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_05.png deleted file mode 100644 index 844acb419..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_06.png deleted file mode 100644 index a5dfaa48e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_07.png deleted file mode 100644 index da8f6fffe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_08.png deleted file mode 100644 index d1e147717..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_09.png deleted file mode 100644 index ec6dff88e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_10.png deleted file mode 100644 index 05a6f6e61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_11.png deleted file mode 100644 index 4b55a1b0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_12.png deleted file mode 100644 index 45f9ef72b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_13.png deleted file mode 100644 index 90389ff35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_14.png deleted file mode 100644 index 71fff919e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_15.png deleted file mode 100644 index 52a1a166c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_16.png deleted file mode 100644 index 81fd86ce0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_17.png deleted file mode 100644 index 137860ee9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_18.png deleted file mode 100644 index 15a0f9f9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_19.png deleted file mode 100644 index 8d4b72651..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_20.png deleted file mode 100644 index e10b9c383..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character20/0823_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_01.png deleted file mode 100644 index b1e701647..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_02.png deleted file mode 100644 index d2e619be6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_03.png deleted file mode 100644 index 3f8d19266..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_04.png deleted file mode 100644 index fc905ee71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_05.png deleted file mode 100644 index 69443a2c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_06.png deleted file mode 100644 index 16c5958bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_07.png deleted file mode 100644 index 28fcf2117..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_08.png deleted file mode 100644 index 88373942a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_09.png deleted file mode 100644 index 26aa731c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_10.png deleted file mode 100644 index 027ca36df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_11.png deleted file mode 100644 index 323a22e4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_12.png deleted file mode 100644 index 4c9dac73c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_13.png deleted file mode 100644 index ae05b2460..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_14.png deleted file mode 100644 index 8ae734484..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_15.png deleted file mode 100644 index ea5b138d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_16.png deleted file mode 100644 index c0abf198f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_17.png deleted file mode 100644 index 73cdf19d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_18.png deleted file mode 100644 index bdb168791..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_19.png deleted file mode 100644 index 652f78268..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_20.png deleted file mode 100644 index 589c55509..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character21/0824_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_01.png deleted file mode 100644 index 4f969df34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_02.png deleted file mode 100644 index ffbba4434..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_03.png deleted file mode 100644 index 054532ce7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_04.png deleted file mode 100644 index 385754e5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_05.png deleted file mode 100644 index c5be1e427..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_06.png deleted file mode 100644 index 194b81e99..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_07.png deleted file mode 100644 index 9e910e8c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_08.png deleted file mode 100644 index ee50e99df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_09.png deleted file mode 100644 index e7e509d35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_10.png deleted file mode 100644 index e6f58dbfb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_11.png deleted file mode 100644 index d9781d311..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_12.png deleted file mode 100644 index a4577fe8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_13.png deleted file mode 100644 index b2092ecb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_14.png deleted file mode 100644 index 4b51f3376..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_15.png deleted file mode 100644 index 53840e3b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_16.png deleted file mode 100644 index 60dd9fe66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_17.png deleted file mode 100644 index df6851c39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_18.png deleted file mode 100644 index 91514ba2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_19.png deleted file mode 100644 index 28d73aa98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_20.png deleted file mode 100644 index 4b88e18a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character22/0825_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_01.png deleted file mode 100644 index 88ac1eb94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_02.png deleted file mode 100644 index 18f575725..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_03.png deleted file mode 100644 index 4c05063b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_04.png deleted file mode 100644 index 08910c697..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_05.png deleted file mode 100644 index 085c4955f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_06.png deleted file mode 100644 index 800041ff7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_07.png deleted file mode 100644 index 06bc9b168..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_08.png deleted file mode 100644 index 188880a29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_09.png deleted file mode 100644 index e2f2a52e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_10.png deleted file mode 100644 index ce42e6300..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_11.png deleted file mode 100644 index 03e17ea11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_12.png deleted file mode 100644 index 537efe045..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_13.png deleted file mode 100644 index ff7b0107b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_14.png deleted file mode 100644 index c3932bb65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_15.png deleted file mode 100644 index a39644db1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_16.png deleted file mode 100644 index e4c328f9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_17.png deleted file mode 100644 index 42879391f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_18.png deleted file mode 100644 index 2f9602ad7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_19.png deleted file mode 100644 index 74591c6f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_20.png deleted file mode 100644 index 613d1b281..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character23/0826_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_01.png deleted file mode 100644 index a6f1293eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_02.png deleted file mode 100644 index 7012a2751..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_03.png deleted file mode 100644 index d37555262..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_04.png deleted file mode 100644 index 93b8c6199..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_05.png deleted file mode 100644 index 2e49bf7ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_06.png deleted file mode 100644 index df88b8e15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_07.png deleted file mode 100644 index 174d87d17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_08.png deleted file mode 100644 index f95477223..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_09.png deleted file mode 100644 index b254db9da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_10.png deleted file mode 100644 index c584941eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_11.png deleted file mode 100644 index 57704cc7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_12.png deleted file mode 100644 index f19892c87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_13.png deleted file mode 100644 index 6097dfdfe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_14.png deleted file mode 100644 index ceb508bb2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_15.png deleted file mode 100644 index 21374b563..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_16.png deleted file mode 100644 index 651b03cf0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_17.png deleted file mode 100644 index a9544aa12..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_18.png deleted file mode 100644 index c1b9226ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_19.png deleted file mode 100644 index 448af3439..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_20.png deleted file mode 100644 index 0621d5ba8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character24/0827_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_01.png deleted file mode 100644 index 445a9db96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_02.png deleted file mode 100644 index cb82e7a8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_03.png deleted file mode 100644 index bdf757ae8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_04.png deleted file mode 100644 index 01d2346e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_05.png deleted file mode 100644 index bd5e23cf9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_06.png deleted file mode 100644 index 6bdc16e28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_07.png deleted file mode 100644 index dd4735dcf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_08.png deleted file mode 100644 index 310860c78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_09.png deleted file mode 100644 index 0b4f2919b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_10.png deleted file mode 100644 index 1d31a08f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_11.png deleted file mode 100644 index 6a3357a4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_12.png deleted file mode 100644 index 6beccbf01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_13.png deleted file mode 100644 index fd388802b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_14.png deleted file mode 100644 index d94e612f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_15.png deleted file mode 100644 index d46fc9e80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_16.png deleted file mode 100644 index 838b16b5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_17.png deleted file mode 100644 index fb5e07f16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_18.png deleted file mode 100644 index 24a82f5db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_19.png deleted file mode 100644 index 21adf9894..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_20.png deleted file mode 100644 index bdfb6938f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character25/0828_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_01.png deleted file mode 100644 index 7fc613dfe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_02.png deleted file mode 100644 index 1969cd946..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_03.png deleted file mode 100644 index 632ab46f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_04.png deleted file mode 100644 index 4b7bd37ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_05.png deleted file mode 100644 index baaea93e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_06.png deleted file mode 100644 index 71d5119a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_07.png deleted file mode 100644 index 087b7500c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_08.png deleted file mode 100644 index 61dda3a98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_09.png deleted file mode 100644 index 60b4c2fc0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_10.png deleted file mode 100644 index 89897fd30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_11.png deleted file mode 100644 index 7b46b0415..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_12.png deleted file mode 100644 index ab1d1fbe7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_13.png deleted file mode 100644 index 50b37071f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_14.png deleted file mode 100644 index 2e34c862f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_15.png deleted file mode 100644 index caff222ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_16.png deleted file mode 100644 index 08326e569..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_17.png deleted file mode 100644 index 3f07a6f62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_18.png deleted file mode 100644 index 9a5b31505..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_19.png deleted file mode 100644 index d9895cc22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_20.png deleted file mode 100644 index d10ff1252..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character26/0829_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_01.png deleted file mode 100644 index 51373fbd4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_02.png deleted file mode 100644 index 8f00362a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_03.png deleted file mode 100644 index a48700205..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_04.png deleted file mode 100644 index d4728feb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_05.png deleted file mode 100644 index 0f14d1ffc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_06.png deleted file mode 100644 index 0766bc0e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_07.png deleted file mode 100644 index 86efbc4e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_08.png deleted file mode 100644 index 1126120b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_09.png deleted file mode 100644 index f9166f474..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_10.png deleted file mode 100644 index f80967ac4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_11.png deleted file mode 100644 index 57f34ea34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_12.png deleted file mode 100644 index 3f5713e2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_13.png deleted file mode 100644 index 6e2f039cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_14.png deleted file mode 100644 index 9163f781e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_15.png deleted file mode 100644 index abc33eaab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_16.png deleted file mode 100644 index 17fbdcdb0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_17.png deleted file mode 100644 index 745595ec0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_18.png deleted file mode 100644 index 92618497a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_19.png deleted file mode 100644 index 16b0e598e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_20.png deleted file mode 100644 index 2115fb6e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character27/0830_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_01.png deleted file mode 100644 index 329f14725..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_02.png deleted file mode 100644 index 288753b09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_03.png deleted file mode 100644 index 2ac2985ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_04.png deleted file mode 100644 index 411ed6af1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_05.png deleted file mode 100644 index 8c0969be1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_06.png deleted file mode 100644 index 4b1c1500a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_07.png deleted file mode 100644 index 03d5cbc45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_08.png deleted file mode 100644 index 975cf5abc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_09.png deleted file mode 100644 index d2a3e184e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_10.png deleted file mode 100644 index 1c2baa020..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_11.png deleted file mode 100644 index 04c9c1dc7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_12.png deleted file mode 100644 index faa22aba0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_13.png deleted file mode 100644 index 15a960f3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_14.png deleted file mode 100644 index d662d831b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_15.png deleted file mode 100644 index 7bdd9f0aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_16.png deleted file mode 100644 index f243cdfc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_17.png deleted file mode 100644 index 7f697ae7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_18.png deleted file mode 100644 index 1f1fef256..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_19.png deleted file mode 100644 index 57d3372a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_20.png deleted file mode 100644 index f90d6c844..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character28/0831_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_01.png deleted file mode 100644 index 3aecfe759..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_02.png deleted file mode 100644 index 0c185d209..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_03.png deleted file mode 100644 index 49c4719ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_04.png deleted file mode 100644 index 8e038fd6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_05.png deleted file mode 100644 index 14d0f6747..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_06.png deleted file mode 100644 index 561175ba1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_07.png deleted file mode 100644 index 576c52702..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_08.png deleted file mode 100644 index 9267e0c45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_09.png deleted file mode 100644 index d5fc8e760..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_10.png deleted file mode 100644 index 6a7214cc2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_11.png deleted file mode 100644 index e958f6198..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_12.png deleted file mode 100644 index 8d7aa952f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_13.png deleted file mode 100644 index 647f370ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_14.png deleted file mode 100644 index d5472763f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_15.png deleted file mode 100644 index 61b6e7fdf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_16.png deleted file mode 100644 index fa00ac8df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_17.png deleted file mode 100644 index c1fd5c23d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_18.png deleted file mode 100644 index f78f84cdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_19.png deleted file mode 100644 index d1aa38a23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_20.png deleted file mode 100644 index c7dbb9893..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character29/0832_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_01.png deleted file mode 100644 index 54199921e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_02.png deleted file mode 100644 index d9af8884f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_03.png deleted file mode 100644 index acb7e2e48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_04.png deleted file mode 100644 index cf555c014..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_05.png deleted file mode 100644 index 603b3926e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_06.png deleted file mode 100644 index c6af9428e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_07.png deleted file mode 100644 index 11895ecd1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_08.png deleted file mode 100644 index 412f7f9a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_09.png deleted file mode 100644 index 32ff8b232..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_10.png deleted file mode 100644 index 2a04d048c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_11.png deleted file mode 100644 index ad834a685..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_12.png deleted file mode 100644 index 2beb7dc66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_13.png deleted file mode 100644 index a1e184d45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_14.png deleted file mode 100644 index db9fc7331..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_15.png deleted file mode 100644 index 9df799479..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_16.png deleted file mode 100644 index 1e3f5a91d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_17.png deleted file mode 100644 index 4aa397390..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_18.png deleted file mode 100644 index 115b9cda5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_19.png deleted file mode 100644 index d144b04c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_20.png deleted file mode 100644 index 1193ec59f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character30/0833_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_01.png deleted file mode 100644 index f4eec0891..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_02.png deleted file mode 100644 index 4a1736a4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_03.png deleted file mode 100644 index 0f1b1d8dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_04.png deleted file mode 100644 index b5ae36e3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_05.png deleted file mode 100644 index 74b737520..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_06.png deleted file mode 100644 index 606c14c07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_07.png deleted file mode 100644 index 0e3f367f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_08.png deleted file mode 100644 index 570caaf45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_09.png deleted file mode 100644 index ae23a1b9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_10.png deleted file mode 100644 index 79d1ed980..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_11.png deleted file mode 100644 index 888efbbb0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_12.png deleted file mode 100644 index dc9a38c21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_13.png deleted file mode 100644 index 8291cc275..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_14.png deleted file mode 100644 index ca5e420d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_15.png deleted file mode 100644 index 660646bf7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_16.png deleted file mode 100644 index 2292f357c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_17.png deleted file mode 100644 index f898ffa47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_18.png deleted file mode 100644 index 13fe16946..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_19.png deleted file mode 100644 index 6e91ccef6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_20.png deleted file mode 100644 index b317c86d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character31/0834_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_01.png deleted file mode 100644 index 5c7c2ef78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_02.png deleted file mode 100644 index 8f8861523..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_03.png deleted file mode 100644 index 01dd9f98f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_04.png deleted file mode 100644 index 603942b14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_05.png deleted file mode 100644 index 0658b8153..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_06.png deleted file mode 100644 index 013d08e48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_07.png deleted file mode 100644 index 2273b0e94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_08.png deleted file mode 100644 index b95f6bf86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_09.png deleted file mode 100644 index 97f42b752..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_10.png deleted file mode 100644 index 5b820892b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_11.png deleted file mode 100644 index 0995fdbb2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_12.png deleted file mode 100644 index 59730d149..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_13.png deleted file mode 100644 index 9f5f2157a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_14.png deleted file mode 100644 index 88a31c7fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_15.png deleted file mode 100644 index 5686ade3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_16.png deleted file mode 100644 index b1ba720aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_17.png deleted file mode 100644 index 2d81d122c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_18.png deleted file mode 100644 index 57d7a846e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_19.png deleted file mode 100644 index 15348b96f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_20.png deleted file mode 100644 index 04e28d95e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character32/0835_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_01.png deleted file mode 100644 index 7babfa0c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_02.png deleted file mode 100644 index 8f1bd37e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_03.png deleted file mode 100644 index 40212fec8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_04.png deleted file mode 100644 index 170d64f29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_05.png deleted file mode 100644 index aaf299d85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_06.png deleted file mode 100644 index e0de29af1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_07.png deleted file mode 100644 index 5e876285f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_08.png deleted file mode 100644 index 1e7cb70ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_09.png deleted file mode 100644 index 293afe7ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_10.png deleted file mode 100644 index e3dc3e17c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_11.png deleted file mode 100644 index af1444ec1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_12.png deleted file mode 100644 index 6537b5717..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_13.png deleted file mode 100644 index 70807edc0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_14.png deleted file mode 100644 index 6afe03be2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_15.png deleted file mode 100644 index de7478cf9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_16.png deleted file mode 100644 index ff6704cfa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_17.png deleted file mode 100644 index f290f2511..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_18.png deleted file mode 100644 index 4c18de145..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_19.png deleted file mode 100644 index bd888666e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_20.png deleted file mode 100644 index ba3bf1c1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/N_Ko/character33/0836_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_01.png deleted file mode 100644 index ce59cdf81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_02.png deleted file mode 100644 index d2fead709..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_03.png deleted file mode 100644 index 536428b5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_04.png deleted file mode 100644 index 4074b0533..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_05.png deleted file mode 100644 index 4fe4c43ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_06.png deleted file mode 100644 index ffff17502..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_07.png deleted file mode 100644 index a1181f9e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_08.png deleted file mode 100644 index ce2681360..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_09.png deleted file mode 100644 index c16a92010..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_10.png deleted file mode 100644 index e4a063395..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_11.png deleted file mode 100644 index 891aee868..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_12.png deleted file mode 100644 index f056e8791..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_13.png deleted file mode 100644 index f92a0cee6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_14.png deleted file mode 100644 index a879fc8d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_15.png deleted file mode 100644 index b29ac8e0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_16.png deleted file mode 100644 index ab75fdc4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_17.png deleted file mode 100644 index 35b832577..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_18.png deleted file mode 100644 index 8c69879b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_19.png deleted file mode 100644 index 8791d282e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_20.png deleted file mode 100644 index 77a35c32d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_01.png deleted file mode 100644 index 16d2b69fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_02.png deleted file mode 100644 index 785351d21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_03.png deleted file mode 100644 index 8cb5db4f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_04.png deleted file mode 100644 index 5dd4d6995..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_05.png deleted file mode 100644 index d01262c5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_06.png deleted file mode 100644 index 7606cb30d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_07.png deleted file mode 100644 index 3fde030a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_08.png deleted file mode 100644 index 40eb15e60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_09.png deleted file mode 100644 index 49d328089..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_10.png deleted file mode 100644 index 09937dd09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_11.png deleted file mode 100644 index f34e82393..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_12.png deleted file mode 100644 index 93ff1092c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_13.png deleted file mode 100644 index 8d1336643..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_14.png deleted file mode 100644 index 0857a07ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_15.png deleted file mode 100644 index 2124df6b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_16.png deleted file mode 100644 index fc8af3a90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_17.png deleted file mode 100644 index 740256dac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_18.png deleted file mode 100644 index eca04db88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_19.png deleted file mode 100644 index e897392c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_20.png deleted file mode 100644 index d1820cb57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_01.png deleted file mode 100644 index 77bb5a90d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_02.png deleted file mode 100644 index 319898ec4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_03.png deleted file mode 100644 index 2ba51858c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_04.png deleted file mode 100644 index b5a09755e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_05.png deleted file mode 100644 index 805d34103..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_06.png deleted file mode 100644 index aae4b7374..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_07.png deleted file mode 100644 index db832f90b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_08.png deleted file mode 100644 index 0dcb55687..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_09.png deleted file mode 100644 index 08b41e62c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_10.png deleted file mode 100644 index 6fbe543b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_11.png deleted file mode 100644 index 09f12ee55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_12.png deleted file mode 100644 index 5d47552f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_13.png deleted file mode 100644 index 562f21f96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_14.png deleted file mode 100644 index a326370f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_15.png deleted file mode 100644 index 4004ee1ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_16.png deleted file mode 100644 index 91a895242..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_17.png deleted file mode 100644 index 60d7637b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_18.png deleted file mode 100644 index 2619ec0b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_19.png deleted file mode 100644 index 48ec82a75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_20.png deleted file mode 100644 index add16d67a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_01.png deleted file mode 100644 index e9e963dc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_02.png deleted file mode 100644 index a9406d910..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_03.png deleted file mode 100644 index 6c8565f47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_04.png deleted file mode 100644 index 8934ed87f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_05.png deleted file mode 100644 index fb5ee12d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_06.png deleted file mode 100644 index 1f744df63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_07.png deleted file mode 100644 index e71812ab5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_08.png deleted file mode 100644 index e5acfdf45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_09.png deleted file mode 100644 index 5211f5717..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_10.png deleted file mode 100644 index dd2bd84b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_11.png deleted file mode 100644 index 08dbac2a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_12.png deleted file mode 100644 index bcdee86f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_13.png deleted file mode 100644 index 8cb4714b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_14.png deleted file mode 100644 index 0dc03ef49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_15.png deleted file mode 100644 index f547d51ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_16.png deleted file mode 100644 index b49b4b220..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_17.png deleted file mode 100644 index 4e70eb48c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_18.png deleted file mode 100644 index e25184cf3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_19.png deleted file mode 100644 index 75ead8a54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_20.png deleted file mode 100644 index de797bc30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_01.png deleted file mode 100644 index b45e85455..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_02.png deleted file mode 100644 index cbb5fdc6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_03.png deleted file mode 100644 index c2afb2342..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_04.png deleted file mode 100644 index 55e4b3cac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_05.png deleted file mode 100644 index 9df61b406..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_06.png deleted file mode 100644 index da684a31c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_07.png deleted file mode 100644 index 94f0ebda3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_08.png deleted file mode 100644 index 30c630972..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_09.png deleted file mode 100644 index 509823639..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_10.png deleted file mode 100644 index ac4545f25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_11.png deleted file mode 100644 index 86f7d858e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_12.png deleted file mode 100644 index e03962f79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_13.png deleted file mode 100644 index 968c9e1da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_14.png deleted file mode 100644 index faf319884..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_15.png deleted file mode 100644 index 646f1be04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_16.png deleted file mode 100644 index b8dd479ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_17.png deleted file mode 100644 index a65ec8992..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_18.png deleted file mode 100644 index 0df66bb8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_19.png deleted file mode 100644 index 9cd850d94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_20.png deleted file mode 100644 index 722714745..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_01.png deleted file mode 100644 index 9f6c2d1fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_02.png deleted file mode 100644 index 09d179c1d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_03.png deleted file mode 100644 index bb3549698..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_04.png deleted file mode 100644 index 38ba06551..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_05.png deleted file mode 100644 index 23da50a40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_06.png deleted file mode 100644 index 279ad5d89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_07.png deleted file mode 100644 index 385a9c989..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_08.png deleted file mode 100644 index 3818575ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_09.png deleted file mode 100644 index 1f0224826..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_10.png deleted file mode 100644 index ea04391d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_11.png deleted file mode 100644 index b525819c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_12.png deleted file mode 100644 index 8b0206d31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_13.png deleted file mode 100644 index b3919fce4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_14.png deleted file mode 100644 index b3122da55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_15.png deleted file mode 100644 index 7212bff33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_16.png deleted file mode 100644 index e4d79854e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_17.png deleted file mode 100644 index aa0456d75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_18.png deleted file mode 100644 index d6f5d2c5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_19.png deleted file mode 100644 index caeff2e4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_20.png deleted file mode 100644 index 296c51f57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_01.png deleted file mode 100644 index 8f80f349d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_02.png deleted file mode 100644 index c9e550104..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_03.png deleted file mode 100644 index 0b72f4bf7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_04.png deleted file mode 100644 index af373bd3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_05.png deleted file mode 100644 index c2c451962..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_06.png deleted file mode 100644 index 5e49937cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_07.png deleted file mode 100644 index 46d6096d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_08.png deleted file mode 100644 index a2449ea16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_09.png deleted file mode 100644 index 704ab424a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_10.png deleted file mode 100644 index 98ee8c547..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_11.png deleted file mode 100644 index 8d8c0843b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_12.png deleted file mode 100644 index f1986285a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_13.png deleted file mode 100644 index e9aba0816..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_14.png deleted file mode 100644 index 52271a34a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_15.png deleted file mode 100644 index c2b9c2a99..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_16.png deleted file mode 100644 index 9245979cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_17.png deleted file mode 100644 index 0e58f238b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_18.png deleted file mode 100644 index 4cee681de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_19.png deleted file mode 100644 index b72572e45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_20.png deleted file mode 100644 index 7b7d5ed07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_01.png deleted file mode 100644 index 746ac8711..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_02.png deleted file mode 100644 index 43bb1aa65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_03.png deleted file mode 100644 index 42716e2d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_04.png deleted file mode 100644 index 40ba0e8c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_05.png deleted file mode 100644 index b5f446466..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_06.png deleted file mode 100644 index 928fefe18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_07.png deleted file mode 100644 index a632adc9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_08.png deleted file mode 100644 index 43df36936..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_09.png deleted file mode 100644 index d2554ed46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_10.png deleted file mode 100644 index f620ec31e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_11.png deleted file mode 100644 index c97f9dbdf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_12.png deleted file mode 100644 index 4ec43b4a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_13.png deleted file mode 100644 index 0215fed67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_14.png deleted file mode 100644 index 3e1414f4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_15.png deleted file mode 100644 index 201e7f7b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_16.png deleted file mode 100644 index 729c6a698..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_17.png deleted file mode 100644 index 341276905..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_18.png deleted file mode 100644 index 117bea46f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_19.png deleted file mode 100644 index 15b5894dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_20.png deleted file mode 100644 index 4121a42d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_01.png deleted file mode 100644 index 19b0ecdc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_02.png deleted file mode 100644 index fed5299cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_03.png deleted file mode 100644 index a5077919e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_04.png deleted file mode 100644 index efee9c786..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_05.png deleted file mode 100644 index ec5fa6e31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_06.png deleted file mode 100644 index eaa266d98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_07.png deleted file mode 100644 index ba31cc0cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_08.png deleted file mode 100644 index f6d853427..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_09.png deleted file mode 100644 index 97c4acbec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_10.png deleted file mode 100644 index f9f4c4237..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_11.png deleted file mode 100644 index 9905f9c23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_12.png deleted file mode 100644 index 689caae81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_13.png deleted file mode 100644 index ab02171f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_14.png deleted file mode 100644 index b67b554c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_15.png deleted file mode 100644 index f4c7c65a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_16.png deleted file mode 100644 index 55998394f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_17.png deleted file mode 100644 index 9573e332c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_18.png deleted file mode 100644 index ee38178e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_19.png deleted file mode 100644 index 2ba1f8f56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_20.png deleted file mode 100644 index 391ac339d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_01.png deleted file mode 100644 index 71c5c403a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_02.png deleted file mode 100644 index cf80365b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_03.png deleted file mode 100644 index bb7cbf358..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_04.png deleted file mode 100644 index 3a4f9fe44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_05.png deleted file mode 100644 index 3eb23a7d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_06.png deleted file mode 100644 index d92e21f2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_07.png deleted file mode 100644 index 043f799f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_08.png deleted file mode 100644 index 74631b5e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_09.png deleted file mode 100644 index 2528168f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_10.png deleted file mode 100644 index 5418fbc36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_11.png deleted file mode 100644 index 7ce84da28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_12.png deleted file mode 100644 index aab20d5c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_13.png deleted file mode 100644 index 03ae79c82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_14.png deleted file mode 100644 index 318b69bd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_15.png deleted file mode 100644 index 3b5e584df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_16.png deleted file mode 100644 index f5bfbae3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_17.png deleted file mode 100644 index 17e6074ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_18.png deleted file mode 100644 index ad975a754..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_19.png deleted file mode 100644 index 04a13bb27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_20.png deleted file mode 100644 index 45a60c2e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_01.png deleted file mode 100644 index 984f20d97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_02.png deleted file mode 100644 index fe7aaf03b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_03.png deleted file mode 100644 index 87e9c91d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_04.png deleted file mode 100644 index 77d68a584..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_05.png deleted file mode 100644 index 498f0a577..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_06.png deleted file mode 100644 index b02e39ff9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_07.png deleted file mode 100644 index 912c95086..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_08.png deleted file mode 100644 index 2f5b6114e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_09.png deleted file mode 100644 index 5110949d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_10.png deleted file mode 100644 index 7474d0776..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_11.png deleted file mode 100644 index 404bb3875..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_12.png deleted file mode 100644 index 8f9f0588f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_13.png deleted file mode 100644 index 700a6ef1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_14.png deleted file mode 100644 index 9c7dff13d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_15.png deleted file mode 100644 index 2ad829260..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_16.png deleted file mode 100644 index 0e58ed750..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_17.png deleted file mode 100644 index f90470362..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_18.png deleted file mode 100644 index c837be12e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_19.png deleted file mode 100644 index 7cdff44bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_20.png deleted file mode 100644 index a3236fb42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_01.png deleted file mode 100644 index 41b5138bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_02.png deleted file mode 100644 index 2a3a5b05e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_03.png deleted file mode 100644 index 17c2e9c69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_04.png deleted file mode 100644 index 1bb0c6bd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_05.png deleted file mode 100644 index 62a5073f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_06.png deleted file mode 100644 index c18fc3910..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_07.png deleted file mode 100644 index 3465f06ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_08.png deleted file mode 100644 index 2fcca4196..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_09.png deleted file mode 100644 index f5f414e1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_10.png deleted file mode 100644 index 68f375093..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_11.png deleted file mode 100644 index dad7e47b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_12.png deleted file mode 100644 index 6cf374586..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_13.png deleted file mode 100644 index 249c381fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_14.png deleted file mode 100644 index bc478832c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_15.png deleted file mode 100644 index c8108e0da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_16.png deleted file mode 100644 index 61c819b1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_17.png deleted file mode 100644 index 19de7589d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_18.png deleted file mode 100644 index 523ae49f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_19.png deleted file mode 100644 index 3fd7cae5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_20.png deleted file mode 100644 index 2d58ec9b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_01.png deleted file mode 100644 index fe3d76370..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_02.png deleted file mode 100644 index ca41f7157..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_03.png deleted file mode 100644 index f0b6d6fca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_04.png deleted file mode 100644 index 5c662162c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_05.png deleted file mode 100644 index 65bdcb7bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_06.png deleted file mode 100644 index f7779d3cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_07.png deleted file mode 100644 index bb397b035..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_08.png deleted file mode 100644 index 78a0ab19d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_09.png deleted file mode 100644 index f5c76c15b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_10.png deleted file mode 100644 index b46af3d70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_11.png deleted file mode 100644 index 7b8880858..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_12.png deleted file mode 100644 index 87114ef99..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_13.png deleted file mode 100644 index 39bbd8bde..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_14.png deleted file mode 100644 index 685dc4dc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_15.png deleted file mode 100644 index 87997bfe4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_16.png deleted file mode 100644 index c35d0676f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_17.png deleted file mode 100644 index 46a982d84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_18.png deleted file mode 100644 index ef9051edc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_19.png deleted file mode 100644 index 07d74bdda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_20.png deleted file mode 100644 index 839582fad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_01.png deleted file mode 100644 index 68415f599..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_02.png deleted file mode 100644 index 701e9e6d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_03.png deleted file mode 100644 index 7e7497466..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_04.png deleted file mode 100644 index 9abdc798c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_05.png deleted file mode 100644 index 4010de820..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_06.png deleted file mode 100644 index 2af654c5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_07.png deleted file mode 100644 index 34cd1d0fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_08.png deleted file mode 100644 index d8264c0de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_09.png deleted file mode 100644 index 75bbac808..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_10.png deleted file mode 100644 index 0b1c6a9a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_11.png deleted file mode 100644 index a48cdac75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_12.png deleted file mode 100644 index 4bf6e80fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_13.png deleted file mode 100644 index fe9ad7d38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_14.png deleted file mode 100644 index a1c27e46b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_15.png deleted file mode 100644 index f5464948a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_16.png deleted file mode 100644 index a282414c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_17.png deleted file mode 100644 index 6ccd2c37b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_18.png deleted file mode 100644 index c4b19aa38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_19.png deleted file mode 100644 index af723522b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_20.png deleted file mode 100644 index 1285d69d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_01.png deleted file mode 100644 index ccb9fe5c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_02.png deleted file mode 100644 index 4fa977382..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_03.png deleted file mode 100644 index 372181e9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_04.png deleted file mode 100644 index 9df6cc864..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_05.png deleted file mode 100644 index 338891449..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_06.png deleted file mode 100644 index 378ebe2d7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_07.png deleted file mode 100644 index 1001689eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_08.png deleted file mode 100644 index ed0541b98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_09.png deleted file mode 100644 index c8fe4f3b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_10.png deleted file mode 100644 index be23491aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_11.png deleted file mode 100644 index 7b12758f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_12.png deleted file mode 100644 index 2f56c4c1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_13.png deleted file mode 100644 index df9f5bc78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_14.png deleted file mode 100644 index 976ed6653..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_15.png deleted file mode 100644 index b34a597df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_16.png deleted file mode 100644 index 589bf513d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_17.png deleted file mode 100644 index 1c53a6f6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_18.png deleted file mode 100644 index 4b9287317..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_19.png deleted file mode 100644 index 87760d87f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_20.png deleted file mode 100644 index 0fc16b8ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character01/0851_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_01.png deleted file mode 100644 index 0354b8a7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_02.png deleted file mode 100644 index 02129a5bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_03.png deleted file mode 100644 index bc1804bfd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_04.png deleted file mode 100644 index 102739b87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_05.png deleted file mode 100644 index 48f7c4656..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_06.png deleted file mode 100644 index 79d10f8e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_07.png deleted file mode 100644 index 1da4d9308..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_08.png deleted file mode 100644 index 5065a48e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_09.png deleted file mode 100644 index df3b55b0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_10.png deleted file mode 100644 index cb09394af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_11.png deleted file mode 100644 index b52d9638e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_12.png deleted file mode 100644 index 48e2a26ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_13.png deleted file mode 100644 index 20c762b53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_14.png deleted file mode 100644 index 0e6fc612b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_15.png deleted file mode 100644 index c355e6a6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_16.png deleted file mode 100644 index dcbc98767..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_17.png deleted file mode 100644 index eb61a6396..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_18.png deleted file mode 100644 index 908ed944d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_19.png deleted file mode 100644 index ea60d0aea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_20.png deleted file mode 100644 index a291b9460..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character02/0852_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_01.png deleted file mode 100644 index 55eafea98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_02.png deleted file mode 100644 index 8d21b520b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_03.png deleted file mode 100644 index 9c7403efe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_04.png deleted file mode 100644 index 0ff0ed26d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_05.png deleted file mode 100644 index 576e8f2a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_06.png deleted file mode 100644 index efe4491d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_07.png deleted file mode 100644 index ebcbdd6ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_08.png deleted file mode 100644 index a1729793e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_09.png deleted file mode 100644 index b4d905566..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_10.png deleted file mode 100644 index 30f4a72fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_11.png deleted file mode 100644 index ddbe217af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_12.png deleted file mode 100644 index ea7fe9c14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_13.png deleted file mode 100644 index fe1c51e4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_14.png deleted file mode 100644 index 636e823a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_15.png deleted file mode 100644 index c0b485b3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_16.png deleted file mode 100644 index 528a787fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_17.png deleted file mode 100644 index 345a2263d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_18.png deleted file mode 100644 index bf795f072..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_19.png deleted file mode 100644 index 0d030056c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_20.png deleted file mode 100644 index 4787440bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character03/0853_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_01.png deleted file mode 100644 index 7e50ae069..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_02.png deleted file mode 100644 index cc381ff0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_03.png deleted file mode 100644 index c95d56dbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_04.png deleted file mode 100644 index 1adfa722c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_05.png deleted file mode 100644 index 59a2c25b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_06.png deleted file mode 100644 index 8a652d1e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_07.png deleted file mode 100644 index be35c89d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_08.png deleted file mode 100644 index 84dc9dd4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_09.png deleted file mode 100644 index 2690bd8a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_10.png deleted file mode 100644 index 7213a1051..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_11.png deleted file mode 100644 index 35a13c426..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_12.png deleted file mode 100644 index b44f29a37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_13.png deleted file mode 100644 index cad1ce8b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_14.png deleted file mode 100644 index 9a7da312b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_15.png deleted file mode 100644 index ff2c1a10f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_16.png deleted file mode 100644 index f3a3d0dda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_17.png deleted file mode 100644 index 710c31e64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_18.png deleted file mode 100644 index ce1e0824d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_19.png deleted file mode 100644 index 2c845e71d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_20.png deleted file mode 100644 index e0f8206d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character04/0854_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_01.png deleted file mode 100644 index 69174f497..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_02.png deleted file mode 100644 index e62916fc8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_03.png deleted file mode 100644 index ec8b8204f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_04.png deleted file mode 100644 index b7ef56ddd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_05.png deleted file mode 100644 index fab16ee38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_06.png deleted file mode 100644 index 8218f660f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_07.png deleted file mode 100644 index 2f94d151b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_08.png deleted file mode 100644 index e60aad1e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_09.png deleted file mode 100644 index 0a6ffe5a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_10.png deleted file mode 100644 index 36e3cf18c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_11.png deleted file mode 100644 index 1129ede3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_12.png deleted file mode 100644 index 9819da1ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_13.png deleted file mode 100644 index 15fe071c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_14.png deleted file mode 100644 index d2a03822d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_15.png deleted file mode 100644 index 1a25a6c1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_16.png deleted file mode 100644 index 502d144ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_17.png deleted file mode 100644 index fad818b87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_18.png deleted file mode 100644 index 46281ba18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_19.png deleted file mode 100644 index 9d4d74d63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_20.png deleted file mode 100644 index 03c16d548..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character05/0855_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_01.png deleted file mode 100644 index c12348ec1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_02.png deleted file mode 100644 index a2003601f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_03.png deleted file mode 100644 index 04983a7f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_04.png deleted file mode 100644 index 90b977842..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_05.png deleted file mode 100644 index cb06d19fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_06.png deleted file mode 100644 index 2b2340d13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_07.png deleted file mode 100644 index 9c21e7293..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_08.png deleted file mode 100644 index 8fe48f72e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_09.png deleted file mode 100644 index cf21437de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_10.png deleted file mode 100644 index 3aebff67f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_11.png deleted file mode 100644 index 2dd9a80ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_12.png deleted file mode 100644 index 64b50814d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_13.png deleted file mode 100644 index 91af00d6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_14.png deleted file mode 100644 index a036817c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_15.png deleted file mode 100644 index 37ace0748..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_16.png deleted file mode 100644 index 9229f0281..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_17.png deleted file mode 100644 index 1dea758e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_18.png deleted file mode 100644 index 593d7c7b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_19.png deleted file mode 100644 index a3578835f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_20.png deleted file mode 100644 index bdeec994b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character06/0856_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_01.png deleted file mode 100644 index d9af636ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_02.png deleted file mode 100644 index 9193f192d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_03.png deleted file mode 100644 index dda567c3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_04.png deleted file mode 100644 index a1a6744c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_05.png deleted file mode 100644 index 94f088750..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_06.png deleted file mode 100644 index df4bacb5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_07.png deleted file mode 100644 index 515f18a31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_08.png deleted file mode 100644 index db1813c68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_09.png deleted file mode 100644 index 483c3801e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_10.png deleted file mode 100644 index 39cfb97eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_11.png deleted file mode 100644 index 72e21a3ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_12.png deleted file mode 100644 index 81a00974a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_13.png deleted file mode 100644 index 35e8b8a0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_14.png deleted file mode 100644 index 323a66428..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_15.png deleted file mode 100644 index 51678dcad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_16.png deleted file mode 100644 index 4ccc49e8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_17.png deleted file mode 100644 index 1acafe8cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_18.png deleted file mode 100644 index b01c99615..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_19.png deleted file mode 100644 index 914de5e08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_20.png deleted file mode 100644 index f4f162126..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character07/0857_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_01.png deleted file mode 100644 index dd5eac8fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_02.png deleted file mode 100644 index a360c6f21..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_03.png deleted file mode 100644 index 9b2387f46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_04.png deleted file mode 100644 index 61a6ec75a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_05.png deleted file mode 100644 index d1e6bb4a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_06.png deleted file mode 100644 index aa10106ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_07.png deleted file mode 100644 index 3a34e88b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_08.png deleted file mode 100644 index 232114eae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_09.png deleted file mode 100644 index 49f6f2b4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_10.png deleted file mode 100644 index ff4d6c62a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_11.png deleted file mode 100644 index 5d93ce6ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_12.png deleted file mode 100644 index 7cae8b974..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_13.png deleted file mode 100644 index df1aee411..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_14.png deleted file mode 100644 index b5a976d6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_15.png deleted file mode 100644 index 1fcfb060a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_16.png deleted file mode 100644 index 15fd1ad82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_17.png deleted file mode 100644 index 6840761dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_18.png deleted file mode 100644 index 0be09e7a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_19.png deleted file mode 100644 index 5f191ef4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_20.png deleted file mode 100644 index 4341bc9d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character08/0858_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_01.png deleted file mode 100644 index 072939747..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_02.png deleted file mode 100644 index 04714026c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_03.png deleted file mode 100644 index f129db047..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_04.png deleted file mode 100644 index c0471be75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_05.png deleted file mode 100644 index b443d4cb0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_06.png deleted file mode 100644 index 9f779d83e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_07.png deleted file mode 100644 index f190836a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_08.png deleted file mode 100644 index 2faa7517a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_09.png deleted file mode 100644 index 65510efe1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_10.png deleted file mode 100644 index 4a968d881..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_11.png deleted file mode 100644 index bd7e11f87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_12.png deleted file mode 100644 index c6be607c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_13.png deleted file mode 100644 index 0848cd464..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_14.png deleted file mode 100644 index 4582c646a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_15.png deleted file mode 100644 index 44d37f570..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_16.png deleted file mode 100644 index 4511a4336..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_17.png deleted file mode 100644 index d44d963a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_18.png deleted file mode 100644 index 1e26cf629..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_19.png deleted file mode 100644 index eea560df2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_20.png deleted file mode 100644 index 976cfde05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character09/0859_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_01.png deleted file mode 100644 index 0d6d825e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_02.png deleted file mode 100644 index eb613f32c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_03.png deleted file mode 100644 index 0f576a0fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_04.png deleted file mode 100644 index ca43846c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_05.png deleted file mode 100644 index 80e3fe5c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_06.png deleted file mode 100644 index 2a0c6951f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_07.png deleted file mode 100644 index 544bafb47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_08.png deleted file mode 100644 index 25bbfb1de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_09.png deleted file mode 100644 index 3b5b7c0c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_10.png deleted file mode 100644 index cc139cf51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_11.png deleted file mode 100644 index e5e77f8dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_12.png deleted file mode 100644 index 8f6a75673..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_13.png deleted file mode 100644 index f15167749..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_14.png deleted file mode 100644 index 8af5e1ceb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_15.png deleted file mode 100644 index 9b48e09d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_16.png deleted file mode 100644 index 0b552c62e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_17.png deleted file mode 100644 index 84687e3e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_18.png deleted file mode 100644 index 887782c0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_19.png deleted file mode 100644 index 4561f44ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_20.png deleted file mode 100644 index 4a1b991cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character10/0860_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_01.png deleted file mode 100644 index ef9e5cabd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_02.png deleted file mode 100644 index c2d6be2ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_03.png deleted file mode 100644 index 786c90efb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_04.png deleted file mode 100644 index 0abd09b2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_05.png deleted file mode 100644 index 0e9537e1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_06.png deleted file mode 100644 index 92846464d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_07.png deleted file mode 100644 index 92781473c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_08.png deleted file mode 100644 index a10e9d5fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_09.png deleted file mode 100644 index 9a09d0bd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_10.png deleted file mode 100644 index 2448390f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_11.png deleted file mode 100644 index d6859016c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_12.png deleted file mode 100644 index 23ab5ef39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_13.png deleted file mode 100644 index 44b363f33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_14.png deleted file mode 100644 index cec7fcb7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_15.png deleted file mode 100644 index d598fcfff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_16.png deleted file mode 100644 index 9d61e3609..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_17.png deleted file mode 100644 index 8f0375dd6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_18.png deleted file mode 100644 index f4e97fc51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_19.png deleted file mode 100644 index c617bdd31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_20.png deleted file mode 100644 index ed5c7319c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character11/0861_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_01.png deleted file mode 100644 index c2698659d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_02.png deleted file mode 100644 index 1cbaedf4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_03.png deleted file mode 100644 index c75e84fac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_04.png deleted file mode 100644 index 918d47e5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_05.png deleted file mode 100644 index 72c65086d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_06.png deleted file mode 100644 index 24eacf304..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_07.png deleted file mode 100644 index 5ca5fdd7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_08.png deleted file mode 100644 index 298bab74a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_09.png deleted file mode 100644 index acdef5655..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_10.png deleted file mode 100644 index c1e6a6d47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_11.png deleted file mode 100644 index a0631ea35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_12.png deleted file mode 100644 index 160f6c415..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_13.png deleted file mode 100644 index 7055c7596..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_14.png deleted file mode 100644 index 7303b1dd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_15.png deleted file mode 100644 index cbf3e2389..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_16.png deleted file mode 100644 index 6f247cd5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_17.png deleted file mode 100644 index f44c01aa0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_18.png deleted file mode 100644 index 557eaabd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_19.png deleted file mode 100644 index 70d5d07f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_20.png deleted file mode 100644 index ccd4cd697..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character12/0862_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_01.png deleted file mode 100644 index d0c94c901..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_02.png deleted file mode 100644 index 487cecf82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_03.png deleted file mode 100644 index 9a56bb527..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_04.png deleted file mode 100644 index b231c2f3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_05.png deleted file mode 100644 index 67720b37f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_06.png deleted file mode 100644 index d37fe4d10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_07.png deleted file mode 100644 index 52ba8b328..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_08.png deleted file mode 100644 index 45a11c08c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_09.png deleted file mode 100644 index 15f31c771..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_10.png deleted file mode 100644 index 5ec9bde86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_11.png deleted file mode 100644 index 35616323c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_12.png deleted file mode 100644 index a70040691..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_13.png deleted file mode 100644 index 943270c2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_14.png deleted file mode 100644 index 98db878ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_15.png deleted file mode 100644 index 529190a54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_16.png deleted file mode 100644 index 67b51e52b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_17.png deleted file mode 100644 index 88f108060..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_18.png deleted file mode 100644 index 0b7bc3cdd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_19.png deleted file mode 100644 index 7df7c931f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_20.png deleted file mode 100644 index e2035cc02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character13/0863_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_01.png deleted file mode 100644 index d87fdff03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_02.png deleted file mode 100644 index cacbac619..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_03.png deleted file mode 100644 index 0b039b75d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_04.png deleted file mode 100644 index d898db0f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_05.png deleted file mode 100644 index 622a953c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_06.png deleted file mode 100644 index 65e5b2154..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_07.png deleted file mode 100644 index 93bcc0929..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_08.png deleted file mode 100644 index 825b91324..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_09.png deleted file mode 100644 index f5333c39f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_10.png deleted file mode 100644 index d9977bee2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_11.png deleted file mode 100644 index bdb853ae2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_12.png deleted file mode 100644 index ae8125bf6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_13.png deleted file mode 100644 index e3005ebd2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_14.png deleted file mode 100644 index f1012fa88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_15.png deleted file mode 100644 index 405c737ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_16.png deleted file mode 100644 index 0f081ec87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_17.png deleted file mode 100644 index 5490d7b2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_18.png deleted file mode 100644 index 56796eca2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_19.png deleted file mode 100644 index 2987ff8ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_20.png deleted file mode 100644 index e0352c352..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character14/0864_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_01.png deleted file mode 100644 index eb7e6760f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_02.png deleted file mode 100644 index 992d31696..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_03.png deleted file mode 100644 index 78d597534..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_04.png deleted file mode 100644 index 50b28f081..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_05.png deleted file mode 100644 index 3176f695c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_06.png deleted file mode 100644 index e462fc536..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_07.png deleted file mode 100644 index 1361629c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_08.png deleted file mode 100644 index cc7441390..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_09.png deleted file mode 100644 index 3f8fcea16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_10.png deleted file mode 100644 index d9379f7b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_11.png deleted file mode 100644 index 693fdd5ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_12.png deleted file mode 100644 index 538a4e523..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_13.png deleted file mode 100644 index 8f3419de1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_14.png deleted file mode 100644 index 983d63b87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_15.png deleted file mode 100644 index 2b2d2dceb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_16.png deleted file mode 100644 index 0672a7fa3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_17.png deleted file mode 100644 index b91b8ebf0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_18.png deleted file mode 100644 index 5a36b99d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_19.png deleted file mode 100644 index a10debba9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_20.png deleted file mode 100644 index 60721178f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character15/0865_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_01.png deleted file mode 100644 index 9efbff338..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_02.png deleted file mode 100644 index 56269f414..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_03.png deleted file mode 100644 index de0390c2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_04.png deleted file mode 100644 index f140fd981..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_05.png deleted file mode 100644 index 5c570b1a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_06.png deleted file mode 100644 index dcf2b9e91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_07.png deleted file mode 100644 index 41b418093..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_08.png deleted file mode 100644 index 00f8c7e01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_09.png deleted file mode 100644 index 44400a6bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_10.png deleted file mode 100644 index 6afca85d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_11.png deleted file mode 100644 index b4c584a0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_12.png deleted file mode 100644 index 65fc983f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_13.png deleted file mode 100644 index 959625b01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_14.png deleted file mode 100644 index 814fe5498..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_15.png deleted file mode 100644 index 19992082d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_16.png deleted file mode 100644 index 09c5a66f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_17.png deleted file mode 100644 index 0ab5f92df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_18.png deleted file mode 100644 index 202017af8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_19.png deleted file mode 100644 index 163bcdf18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_20.png deleted file mode 100644 index 584544389..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character16/0866_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_01.png deleted file mode 100644 index 4a228c4bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_02.png deleted file mode 100644 index c8a468a60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_03.png deleted file mode 100644 index 3ba481ca2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_04.png deleted file mode 100644 index 7f53592f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_05.png deleted file mode 100644 index cc105c374..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_06.png deleted file mode 100644 index c9566e571..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_07.png deleted file mode 100644 index b355b161c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_08.png deleted file mode 100644 index cf380fcab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_09.png deleted file mode 100644 index 5a4808c9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_10.png deleted file mode 100644 index 07a55acae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_11.png deleted file mode 100644 index fe9d7c79f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_12.png deleted file mode 100644 index 8d4947c91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_13.png deleted file mode 100644 index 3faf49339..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_14.png deleted file mode 100644 index 73f2d5855..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_15.png deleted file mode 100644 index d6e38c5a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_16.png deleted file mode 100644 index c575ea01b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_17.png deleted file mode 100644 index ad28ad9e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_18.png deleted file mode 100644 index daa63359d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_19.png deleted file mode 100644 index 58b7843a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_20.png deleted file mode 100644 index c65b38ac7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character17/0867_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_01.png deleted file mode 100644 index e0c4d28ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_02.png deleted file mode 100644 index 0f9d0f1c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_03.png deleted file mode 100644 index 88e7f5bc9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_04.png deleted file mode 100644 index 4f5bd4412..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_05.png deleted file mode 100644 index acd39bc9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_06.png deleted file mode 100644 index 4c0beefca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_07.png deleted file mode 100644 index c50343087..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_08.png deleted file mode 100644 index a4109bb7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_09.png deleted file mode 100644 index 6ff535441..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_10.png deleted file mode 100644 index da4aa20ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_11.png deleted file mode 100644 index 0108c9624..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_12.png deleted file mode 100644 index 1503826dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_13.png deleted file mode 100644 index 34f48a53e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_14.png deleted file mode 100644 index cfaf0d4fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_15.png deleted file mode 100644 index 5edee0de8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_16.png deleted file mode 100644 index 2997c3812..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_17.png deleted file mode 100644 index 13cd48a08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_18.png deleted file mode 100644 index c85238d7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_19.png deleted file mode 100644 index 8d0c8de3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_20.png deleted file mode 100644 index bca9a311f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character18/0868_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_01.png deleted file mode 100644 index d1404e575..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_02.png deleted file mode 100644 index f2700fefc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_03.png deleted file mode 100644 index 41ac82f0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_04.png deleted file mode 100644 index ace2985f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_05.png deleted file mode 100644 index ad732433b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_06.png deleted file mode 100644 index cdeb4839e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_07.png deleted file mode 100644 index 1b59a8e17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_08.png deleted file mode 100644 index 5f9843689..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_09.png deleted file mode 100644 index f1a941583..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_10.png deleted file mode 100644 index 888102a6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_11.png deleted file mode 100644 index ebee25513..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_12.png deleted file mode 100644 index 4e8e94615..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_13.png deleted file mode 100644 index 0d31ff2a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_14.png deleted file mode 100644 index 1555c6880..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_15.png deleted file mode 100644 index 46bb3b663..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_16.png deleted file mode 100644 index b7650e3e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_17.png deleted file mode 100644 index 1c471daf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_18.png deleted file mode 100644 index ceb06e7a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_19.png deleted file mode 100644 index d2aace306..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_20.png deleted file mode 100644 index dcd49b3a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character19/0869_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_01.png deleted file mode 100644 index f89b3170f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_02.png deleted file mode 100644 index c5e2390cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_03.png deleted file mode 100644 index 6ddb0d54a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_04.png deleted file mode 100644 index 0b2ccb450..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_05.png deleted file mode 100644 index 19a333f38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_06.png deleted file mode 100644 index 66623fce8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_07.png deleted file mode 100644 index c08cec51f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_08.png deleted file mode 100644 index 1001f4024..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_09.png deleted file mode 100644 index ca80bb9a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_10.png deleted file mode 100644 index 40362f81b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_11.png deleted file mode 100644 index f9531373c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_12.png deleted file mode 100644 index 125a69588..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_13.png deleted file mode 100644 index 863812dbc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_14.png deleted file mode 100644 index 0dbba7bae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_15.png deleted file mode 100644 index ebafc6582..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_16.png deleted file mode 100644 index 89788de8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_17.png deleted file mode 100644 index 42b984308..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_18.png deleted file mode 100644 index e81a0c2bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_19.png deleted file mode 100644 index 5457fa0a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_20.png deleted file mode 100644 index c1aa4d789..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character20/0870_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_01.png deleted file mode 100644 index 2c1b5d628..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_02.png deleted file mode 100644 index 15f7de69b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_03.png deleted file mode 100644 index e1c5ab83b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_04.png deleted file mode 100644 index bbb937f05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_05.png deleted file mode 100644 index 78172b1ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_06.png deleted file mode 100644 index a60070805..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_07.png deleted file mode 100644 index 9fb3f72c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_08.png deleted file mode 100644 index 534b5497d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_09.png deleted file mode 100644 index 82443f407..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_10.png deleted file mode 100644 index 34ceeda27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_11.png deleted file mode 100644 index 3ed032e94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_12.png deleted file mode 100644 index ae845cd3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_13.png deleted file mode 100644 index 1f223564c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_14.png deleted file mode 100644 index 34ca3b0b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_15.png deleted file mode 100644 index beb9fd84f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_16.png deleted file mode 100644 index 35f15571b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_17.png deleted file mode 100644 index 44abcf7ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_18.png deleted file mode 100644 index 2115cb90a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_19.png deleted file mode 100644 index c0ad3c376..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_20.png deleted file mode 100644 index 62e3fe137..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character21/0871_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_01.png deleted file mode 100644 index 13fd1b16c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_02.png deleted file mode 100644 index e38e04cd2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_03.png deleted file mode 100644 index 23b54d6e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_04.png deleted file mode 100644 index 5ed54c8ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_05.png deleted file mode 100644 index a32acb9ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_06.png deleted file mode 100644 index 5db8d8efb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_07.png deleted file mode 100644 index 36590d780..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_08.png deleted file mode 100644 index 1f101b89f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_09.png deleted file mode 100644 index fdef50d5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_10.png deleted file mode 100644 index 844f0fa06..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_11.png deleted file mode 100644 index 1e891bcad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_12.png deleted file mode 100644 index efe90e2c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_13.png deleted file mode 100644 index a738222e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_14.png deleted file mode 100644 index 04db9aaa6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_15.png deleted file mode 100644 index 70c61f4a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_16.png deleted file mode 100644 index 45bac71b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_17.png deleted file mode 100644 index a2ffd0ddc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_18.png deleted file mode 100644 index 895edd9c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_19.png deleted file mode 100644 index b743ec927..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_20.png deleted file mode 100644 index 339d3a592..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character22/0872_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_01.png deleted file mode 100644 index 492d46609..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_02.png deleted file mode 100644 index 51f144023..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_03.png deleted file mode 100644 index 5d4661eed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_04.png deleted file mode 100644 index 1903e48d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_05.png deleted file mode 100644 index 00021c4c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_06.png deleted file mode 100644 index 465e867ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_07.png deleted file mode 100644 index 3c4b10195..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_08.png deleted file mode 100644 index f8d7ae561..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_09.png deleted file mode 100644 index fabacaac2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_10.png deleted file mode 100644 index b06d0133d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_11.png deleted file mode 100644 index e8e26096a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_12.png deleted file mode 100644 index e0a7c37a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_13.png deleted file mode 100644 index 2b2c296dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_14.png deleted file mode 100644 index 691388f38..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_15.png deleted file mode 100644 index c148e873b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_16.png deleted file mode 100644 index 754a98127..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_17.png deleted file mode 100644 index 677a22e03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_18.png deleted file mode 100644 index e291cccf8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_19.png deleted file mode 100644 index d4a4c792b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_20.png deleted file mode 100644 index e689f0705..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character23/0873_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_01.png deleted file mode 100644 index 01bdcb387..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_02.png deleted file mode 100644 index 7cb18e8fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_03.png deleted file mode 100644 index fd98c9bc0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_04.png deleted file mode 100644 index 37b908f5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_05.png deleted file mode 100644 index e4d87266a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_06.png deleted file mode 100644 index 7bbb4092e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_07.png deleted file mode 100644 index 76b94b609..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_08.png deleted file mode 100644 index 7130a0c49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_09.png deleted file mode 100644 index 1e5ad0032..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_10.png deleted file mode 100644 index b1b66dffe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_11.png deleted file mode 100644 index 9409a393c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_12.png deleted file mode 100644 index 39899935a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_13.png deleted file mode 100644 index bae365e2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_14.png deleted file mode 100644 index ee3c785be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_15.png deleted file mode 100644 index e37599482..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_16.png deleted file mode 100644 index 1e163e36d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_17.png deleted file mode 100644 index 16cc4aa8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_18.png deleted file mode 100644 index d49aa6139..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_19.png deleted file mode 100644 index b240c4e24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_20.png deleted file mode 100644 index f3e057c86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character24/0874_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_01.png deleted file mode 100644 index a0f296401..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_02.png deleted file mode 100644 index c97549ace..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_03.png deleted file mode 100644 index c14e82016..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_04.png deleted file mode 100644 index dc62a2821..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_05.png deleted file mode 100644 index 03790da39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_06.png deleted file mode 100644 index 4c8938047..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_07.png deleted file mode 100644 index 4a3151b41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_08.png deleted file mode 100644 index 2345215cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_09.png deleted file mode 100644 index 2e89a0107..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_10.png deleted file mode 100644 index d8a5a67fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_11.png deleted file mode 100644 index 1bf08b14f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_12.png deleted file mode 100644 index f62816684..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_13.png deleted file mode 100644 index f855fa07b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_14.png deleted file mode 100644 index 56fb95e05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_15.png deleted file mode 100644 index 745297b6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_16.png deleted file mode 100644 index 50607b045..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_17.png deleted file mode 100644 index a06e86074..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_18.png deleted file mode 100644 index 13803da00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_19.png deleted file mode 100644 index 8d7dab5f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_20.png deleted file mode 100644 index 91af8af6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character25/0875_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_01.png deleted file mode 100644 index 7ad1fc7db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_02.png deleted file mode 100644 index c01c089d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_03.png deleted file mode 100644 index 14fe03741..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_04.png deleted file mode 100644 index d5514ea68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_05.png deleted file mode 100644 index 0e1da7d5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_06.png deleted file mode 100644 index 8ef0e7ff6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_07.png deleted file mode 100644 index 5c2ac1d65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_08.png deleted file mode 100644 index a8c7d0f09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_09.png deleted file mode 100644 index a94a101ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_10.png deleted file mode 100644 index aa88a18e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_11.png deleted file mode 100644 index d1d743b33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_12.png deleted file mode 100644 index 8e482068b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_13.png deleted file mode 100644 index 36eb79e84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_14.png deleted file mode 100644 index bc6594483..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_15.png deleted file mode 100644 index 9528109f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_16.png deleted file mode 100644 index 0a4846237..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_17.png deleted file mode 100644 index 00959ba5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_18.png deleted file mode 100644 index ea5f7ffc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_19.png deleted file mode 100644 index 1828d7c28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_20.png deleted file mode 100644 index 4c12e2def..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character26/0876_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_01.png deleted file mode 100644 index 66bccf407..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_02.png deleted file mode 100644 index f1b8b9f48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_03.png deleted file mode 100644 index d53e16d33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_04.png deleted file mode 100644 index 97289c480..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_05.png deleted file mode 100644 index 5feaa3e7b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_06.png deleted file mode 100644 index 64b16eb84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_07.png deleted file mode 100644 index 1ccb6926e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_08.png deleted file mode 100644 index 21dfbc1b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_09.png deleted file mode 100644 index 276db1fae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_10.png deleted file mode 100644 index 225f5c53b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_11.png deleted file mode 100644 index e1f579bbe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_12.png deleted file mode 100644 index 6083d20de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_13.png deleted file mode 100644 index 122b90531..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_14.png deleted file mode 100644 index 06aa62e5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_15.png deleted file mode 100644 index 58c215c87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_16.png deleted file mode 100644 index 7b9b7e494..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_17.png deleted file mode 100644 index a4a2dc690..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_18.png deleted file mode 100644 index b31f9779e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_19.png deleted file mode 100644 index b91ad5022..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_20.png deleted file mode 100644 index ce7ed615d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character27/0877_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_01.png deleted file mode 100644 index a15fb2e07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_02.png deleted file mode 100644 index 28ca98abd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_03.png deleted file mode 100644 index 9b03e0d63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_04.png deleted file mode 100644 index 154f82282..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_05.png deleted file mode 100644 index 45ab9f884..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_06.png deleted file mode 100644 index 25e285710..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_07.png deleted file mode 100644 index 7f4244ec1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_08.png deleted file mode 100644 index 1ff036a35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_09.png deleted file mode 100644 index d1a19fba2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_10.png deleted file mode 100644 index 2c0e5f67c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_11.png deleted file mode 100644 index cdb4ae1b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_12.png deleted file mode 100644 index 8b1549fcb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_13.png deleted file mode 100644 index 80267ca6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_14.png deleted file mode 100644 index 496baf93d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_15.png deleted file mode 100644 index 9f27bdc42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_16.png deleted file mode 100644 index fa589e030..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_17.png deleted file mode 100644 index 897b0e2c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_18.png deleted file mode 100644 index ecbf70a79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_19.png deleted file mode 100644 index 29d26fe3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_20.png deleted file mode 100644 index 4100bbe5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character28/0878_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_01.png deleted file mode 100644 index f89a78e4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_02.png deleted file mode 100644 index f8baf3b9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_03.png deleted file mode 100644 index fed7bae7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_04.png deleted file mode 100644 index b62187d62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_05.png deleted file mode 100644 index f5ba34d6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_06.png deleted file mode 100644 index 5ad28cc9d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_07.png deleted file mode 100644 index 5deb54391..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_08.png deleted file mode 100644 index 360593e56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_09.png deleted file mode 100644 index f2471b151..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_10.png deleted file mode 100644 index 9776aca25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_11.png deleted file mode 100644 index cd2290824..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_12.png deleted file mode 100644 index 90eec18ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_13.png deleted file mode 100644 index 171b42737..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_14.png deleted file mode 100644 index e723c7a4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_15.png deleted file mode 100644 index c18120f7b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_16.png deleted file mode 100644 index 9cda49f19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_17.png deleted file mode 100644 index e9a57ecb8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_18.png deleted file mode 100644 index 0aa8668ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_19.png deleted file mode 100644 index 6bff823c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_20.png deleted file mode 100644 index 39546c3dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character29/0879_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_01.png deleted file mode 100644 index 5f771b491..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_02.png deleted file mode 100644 index 818c8d09a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_03.png deleted file mode 100644 index c2a977f2e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_04.png deleted file mode 100644 index 907efb792..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_05.png deleted file mode 100644 index 695b2c3c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_06.png deleted file mode 100644 index ae67462b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_07.png deleted file mode 100644 index 7b3ba61c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_08.png deleted file mode 100644 index 9c0300db5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_09.png deleted file mode 100644 index 92daf2694..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_10.png deleted file mode 100644 index 92ce8feae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_11.png deleted file mode 100644 index f47b37ddd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_12.png deleted file mode 100644 index c65ff80ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_13.png deleted file mode 100644 index 8a9807a5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_14.png deleted file mode 100644 index 6b3a9836b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_15.png deleted file mode 100644 index 8dd8bf32b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_16.png deleted file mode 100644 index d44a63253..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_17.png deleted file mode 100644 index f678dd05d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_18.png deleted file mode 100644 index d5952e1d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_19.png deleted file mode 100644 index 6dfcbd2ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_20.png deleted file mode 100644 index 22dc6d74c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character30/0880_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_01.png deleted file mode 100644 index 23058d9ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_02.png deleted file mode 100644 index d2f2207a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_03.png deleted file mode 100644 index 5688985a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_04.png deleted file mode 100644 index 429891515..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_05.png deleted file mode 100644 index 7eaed4e02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_06.png deleted file mode 100644 index 0f28ac26a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_07.png deleted file mode 100644 index 114de0d49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_08.png deleted file mode 100644 index 28ac1fed4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_09.png deleted file mode 100644 index 15af5d842..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_10.png deleted file mode 100644 index 77f7ee3a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_11.png deleted file mode 100644 index 73fae3698..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_12.png deleted file mode 100644 index 1c2450200..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_13.png deleted file mode 100644 index 853536fbd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_14.png deleted file mode 100644 index 3d0829fff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_15.png deleted file mode 100644 index e1294bb53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_16.png deleted file mode 100644 index fd355b066..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_17.png deleted file mode 100644 index 6bea0971b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_18.png deleted file mode 100644 index 6a06cfc05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_19.png deleted file mode 100644 index 48840fab5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_20.png deleted file mode 100644 index 212408970..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character31/0881_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_01.png deleted file mode 100644 index 1b0af9387..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_02.png deleted file mode 100644 index 447682577..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_03.png deleted file mode 100644 index 7d25e9cad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_04.png deleted file mode 100644 index f78ba075f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_05.png deleted file mode 100644 index 21752de11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_06.png deleted file mode 100644 index 65ddd8e25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_07.png deleted file mode 100644 index 25dd33227..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_08.png deleted file mode 100644 index 5a0befa67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_09.png deleted file mode 100644 index bca2cf3fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_10.png deleted file mode 100644 index 54afdaf56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_11.png deleted file mode 100644 index 2f18f2267..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_12.png deleted file mode 100644 index 73be3a316..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_13.png deleted file mode 100644 index 67eee8f97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_14.png deleted file mode 100644 index da0a120c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_15.png deleted file mode 100644 index 5f71ff68c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_16.png deleted file mode 100644 index 6910ced93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_17.png deleted file mode 100644 index 4e028e388..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_18.png deleted file mode 100644 index 4accce3f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_19.png deleted file mode 100644 index 58b075322..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_20.png deleted file mode 100644 index 8e6df6df8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character32/0882_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_01.png deleted file mode 100644 index 3b18d0d93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_02.png deleted file mode 100644 index 33d9f2c22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_03.png deleted file mode 100644 index f5b732a3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_04.png deleted file mode 100644 index 01c4c6e5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_05.png deleted file mode 100644 index 42d901af6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_06.png deleted file mode 100644 index 9515a5bb2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_07.png deleted file mode 100644 index f47f04199..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_08.png deleted file mode 100644 index 8e973e4e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_09.png deleted file mode 100644 index b5fb57eb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_10.png deleted file mode 100644 index 82c58ceb3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_11.png deleted file mode 100644 index 65679e4d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_12.png deleted file mode 100644 index 3caff6d7b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_13.png deleted file mode 100644 index fe8856ec6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_14.png deleted file mode 100644 index e768ec3b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_15.png deleted file mode 100644 index c9463019d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_16.png deleted file mode 100644 index 980d443f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_17.png deleted file mode 100644 index 9479d4369..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_18.png deleted file mode 100644 index 6b9f7df7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_19.png deleted file mode 100644 index a6e288792..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_20.png deleted file mode 100644 index 434a490f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character33/0883_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_01.png deleted file mode 100644 index 6934a6702..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_02.png deleted file mode 100644 index 633432613..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_03.png deleted file mode 100644 index 82aff0b04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_04.png deleted file mode 100644 index 50a60f2a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_05.png deleted file mode 100644 index 68b672f26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_06.png deleted file mode 100644 index cfac74174..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_07.png deleted file mode 100644 index 4d4c23f47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_08.png deleted file mode 100644 index 40d44e6d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_09.png deleted file mode 100644 index 9792fab73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_10.png deleted file mode 100644 index 7fe1219f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_11.png deleted file mode 100644 index c0d630788..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_12.png deleted file mode 100644 index 85ed3e379..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_13.png deleted file mode 100644 index 110886c96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_14.png deleted file mode 100644 index cbf88a006..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_15.png deleted file mode 100644 index c3340a80f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_16.png deleted file mode 100644 index fc475c4e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_17.png deleted file mode 100644 index 94f0e2223..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_18.png deleted file mode 100644 index 5aa19dc84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_19.png deleted file mode 100644 index 34e084ed0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_20.png deleted file mode 100644 index a7f48d9e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character34/0884_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_01.png deleted file mode 100644 index 791433a63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_02.png deleted file mode 100644 index 5a2452a84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_03.png deleted file mode 100644 index 4ad9ed0e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_04.png deleted file mode 100644 index a2a24b8fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_05.png deleted file mode 100644 index 6f380f537..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_06.png deleted file mode 100644 index 6219748d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_07.png deleted file mode 100644 index 1725e32f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_08.png deleted file mode 100644 index 088f65341..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_09.png deleted file mode 100644 index d5b981a3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_10.png deleted file mode 100644 index 6e4fc5141..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_11.png deleted file mode 100644 index b96e3d983..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_12.png deleted file mode 100644 index 02bfbda90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_13.png deleted file mode 100644 index 5c8c63491..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_14.png deleted file mode 100644 index 5e3684da8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_15.png deleted file mode 100644 index dbf9a5b1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_16.png deleted file mode 100644 index 381f547eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_17.png deleted file mode 100644 index 41acb24b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_18.png deleted file mode 100644 index 431a5a85e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_19.png deleted file mode 100644 index 5f56ac531..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_20.png deleted file mode 100644 index 82c4ad14b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character35/0885_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_01.png deleted file mode 100644 index 42ab35a31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_02.png deleted file mode 100644 index 968f9aeab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_03.png deleted file mode 100644 index 95b00c2c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_04.png deleted file mode 100644 index 657c8a5af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_05.png deleted file mode 100644 index 2976acf51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_06.png deleted file mode 100644 index fe86cf779..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_07.png deleted file mode 100644 index 956d4538f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_08.png deleted file mode 100644 index 3ea7540fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_09.png deleted file mode 100644 index bc2eb8851..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_10.png deleted file mode 100644 index 6cdecd41e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_11.png deleted file mode 100644 index 68bb21730..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_12.png deleted file mode 100644 index d3843a410..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_13.png deleted file mode 100644 index 5d6b288f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_14.png deleted file mode 100644 index f258ef735..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_15.png deleted file mode 100644 index 4c8e70d8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_16.png deleted file mode 100644 index 4ee110dc0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_17.png deleted file mode 100644 index a2c837762..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_18.png deleted file mode 100644 index f214f4845..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_19.png deleted file mode 100644 index e3fca5517..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_20.png deleted file mode 100644 index 7d27f2a4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character36/0886_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_01.png deleted file mode 100644 index f55c258e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_02.png deleted file mode 100644 index 45e4eec28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_03.png deleted file mode 100644 index f06296e61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_04.png deleted file mode 100644 index 9f1304ef0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_05.png deleted file mode 100644 index c8a5676a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_06.png deleted file mode 100644 index a4c9078d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_07.png deleted file mode 100644 index 596e3493e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_08.png deleted file mode 100644 index cde531d1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_09.png deleted file mode 100644 index e99469f82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_10.png deleted file mode 100644 index 369c785e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_11.png deleted file mode 100644 index 8a5a0af9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_12.png deleted file mode 100644 index d6590dcee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_13.png deleted file mode 100644 index d35ae59ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_14.png deleted file mode 100644 index 3e138694f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_15.png deleted file mode 100644 index 60708b8af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_16.png deleted file mode 100644 index c9389fbb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_17.png deleted file mode 100644 index a58169385..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_18.png deleted file mode 100644 index 6c9d49b6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_19.png deleted file mode 100644 index 4085901cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_20.png deleted file mode 100644 index 0128157ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character37/0887_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_01.png deleted file mode 100644 index 5df98bf14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_02.png deleted file mode 100644 index 7c92b2b4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_03.png deleted file mode 100644 index abe5202d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_04.png deleted file mode 100644 index 4cdb450cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_05.png deleted file mode 100644 index 4004240d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_06.png deleted file mode 100644 index 99becc7e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_07.png deleted file mode 100644 index b21216752..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_08.png deleted file mode 100644 index 6d361081f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_09.png deleted file mode 100644 index 637bff355..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_10.png deleted file mode 100644 index ee496d2d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_11.png deleted file mode 100644 index bb4458919..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_12.png deleted file mode 100644 index ab8e2c467..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_13.png deleted file mode 100644 index b67444451..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_14.png deleted file mode 100644 index 0e7b7e1a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_15.png deleted file mode 100644 index 318c8e2b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_16.png deleted file mode 100644 index 3e7960678..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_17.png deleted file mode 100644 index 4a9e7fc29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_18.png deleted file mode 100644 index 994787d78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_19.png deleted file mode 100644 index 46713321f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_20.png deleted file mode 100644 index 401df5085..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character38/0888_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_01.png deleted file mode 100644 index 8d447f9c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_02.png deleted file mode 100644 index f40edc56b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_03.png deleted file mode 100644 index c87604a10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_04.png deleted file mode 100644 index 24613e091..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_05.png deleted file mode 100644 index ee43193d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_06.png deleted file mode 100644 index f219b91cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_07.png deleted file mode 100644 index e1f9e967d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_08.png deleted file mode 100644 index a66de7b41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_09.png deleted file mode 100644 index 538d92c70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_10.png deleted file mode 100644 index b2769f0e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_11.png deleted file mode 100644 index 996a1aa50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_12.png deleted file mode 100644 index 6123fadb0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_13.png deleted file mode 100644 index 0ee7e6f7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_14.png deleted file mode 100644 index ac44917bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_15.png deleted file mode 100644 index 9478fb43b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_16.png deleted file mode 100644 index b5b7319ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_17.png deleted file mode 100644 index 2141bb8c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_18.png deleted file mode 100644 index eb22a780d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_19.png deleted file mode 100644 index 78f8ea220..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_20.png deleted file mode 100644 index a9d9d5dde..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character39/0889_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_01.png deleted file mode 100644 index e43cd1dc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_02.png deleted file mode 100644 index eb7da486b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_03.png deleted file mode 100644 index af5b7def2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_04.png deleted file mode 100644 index 4aedef4b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_05.png deleted file mode 100644 index b4e139943..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_06.png deleted file mode 100644 index 68c9aae27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_07.png deleted file mode 100644 index 5a8790c05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_08.png deleted file mode 100644 index cfe1cc807..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_09.png deleted file mode 100644 index 74eeb0200..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_10.png deleted file mode 100644 index a636fb953..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_11.png deleted file mode 100644 index c9c875260..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_12.png deleted file mode 100644 index 2c4f63dde..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_13.png deleted file mode 100644 index 00fffd44d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_14.png deleted file mode 100644 index bb440e883..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_15.png deleted file mode 100644 index 66cfcf934..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_16.png deleted file mode 100644 index 58400e7a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_17.png deleted file mode 100644 index 174745d7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_18.png deleted file mode 100644 index 216ea47e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_19.png deleted file mode 100644 index 2916b9d31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_20.png deleted file mode 100644 index 7c82ed62c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character40/0890_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_01.png deleted file mode 100644 index 4c34765e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_02.png deleted file mode 100644 index 5bdf59dc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_03.png deleted file mode 100644 index 61ae201a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_04.png deleted file mode 100644 index c35a13415..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_05.png deleted file mode 100644 index b60a1388e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_06.png deleted file mode 100644 index fbe3d4f0c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_07.png deleted file mode 100644 index beb95587f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_08.png deleted file mode 100644 index aa055894c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_09.png deleted file mode 100644 index c13c764b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_10.png deleted file mode 100644 index 29d0adbc8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_11.png deleted file mode 100644 index 42f940c9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_12.png deleted file mode 100644 index 8e5c1224c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_13.png deleted file mode 100644 index 11443a64a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_14.png deleted file mode 100644 index d0728699f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_15.png deleted file mode 100644 index 192bc521f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_16.png deleted file mode 100644 index 394634767..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_17.png deleted file mode 100644 index fb2b11b60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_18.png deleted file mode 100644 index 4eeb48162..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_19.png deleted file mode 100644 index 53ea362c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_20.png deleted file mode 100644 index 9d25938c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character41/0891_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_01.png deleted file mode 100644 index 4b95c7756..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_02.png deleted file mode 100644 index 11ff94184..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_03.png deleted file mode 100644 index a02581b67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_04.png deleted file mode 100644 index f8230e11b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_05.png deleted file mode 100644 index 4ad899739..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_06.png deleted file mode 100644 index 0381f7168..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_07.png deleted file mode 100644 index cc2ce70a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_08.png deleted file mode 100644 index e310d2509..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_09.png deleted file mode 100644 index a57fc2c9d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_10.png deleted file mode 100644 index a1fd4a836..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_11.png deleted file mode 100644 index d8258680c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_12.png deleted file mode 100644 index 4a368dc6e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_13.png deleted file mode 100644 index cd25979bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_14.png deleted file mode 100644 index 5701d7f4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_15.png deleted file mode 100644 index 589dbed1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_16.png deleted file mode 100644 index 594600013..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_17.png deleted file mode 100644 index e6e036590..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_18.png deleted file mode 100644 index 675141ffc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_19.png deleted file mode 100644 index 141932bf5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_20.png deleted file mode 100644 index 9a037a6d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Sanskrit/character42/0892_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_01.png deleted file mode 100644 index 4a8b701dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_02.png deleted file mode 100644 index 3a4bb8b63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_03.png deleted file mode 100644 index a0f96eea9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_04.png deleted file mode 100644 index 891090718..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_05.png deleted file mode 100644 index 2b7046d5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_06.png deleted file mode 100644 index 60e1498a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_07.png deleted file mode 100644 index 793e136b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_08.png deleted file mode 100644 index b3f9149bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_09.png deleted file mode 100644 index 4ff4febc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_10.png deleted file mode 100644 index 0d908ad79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_11.png deleted file mode 100644 index b052824e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_12.png deleted file mode 100644 index 6a7169b01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_13.png deleted file mode 100644 index b2d1860d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_14.png deleted file mode 100644 index 6d9db8fb3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_15.png deleted file mode 100644 index 604351ace..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_16.png deleted file mode 100644 index d2f7c0206..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_17.png deleted file mode 100644 index 199ee26cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_18.png deleted file mode 100644 index 75701d69a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_19.png deleted file mode 100644 index 9974605b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_20.png deleted file mode 100644 index e3b596b6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_01.png deleted file mode 100644 index 556015377..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_02.png deleted file mode 100644 index 4c934f77c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_03.png deleted file mode 100644 index f956562f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_04.png deleted file mode 100644 index 7dd472d09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_05.png deleted file mode 100644 index f0da7b70a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_06.png deleted file mode 100644 index 0825fa037..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_07.png deleted file mode 100644 index bff190460..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_08.png deleted file mode 100644 index 826654f6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_09.png deleted file mode 100644 index ad70dd17d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_10.png deleted file mode 100644 index b31eaa200..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_11.png deleted file mode 100644 index babb0f1b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_12.png deleted file mode 100644 index 3d7baae07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_13.png deleted file mode 100644 index 26b87bfa3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_14.png deleted file mode 100644 index 8dc239c1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_15.png deleted file mode 100644 index fe5eeb30c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_16.png deleted file mode 100644 index 82a03ff4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_17.png deleted file mode 100644 index 491b0a2ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_18.png deleted file mode 100644 index 9f7fddd7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_19.png deleted file mode 100644 index def08909b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_20.png deleted file mode 100644 index 15095595b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_01.png deleted file mode 100644 index 773b4fec6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_02.png deleted file mode 100644 index 0a2fae804..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_03.png deleted file mode 100644 index c544f99e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_04.png deleted file mode 100644 index d6ea5eebf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_05.png deleted file mode 100644 index f52bedfc2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_06.png deleted file mode 100644 index d747aa52c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_07.png deleted file mode 100644 index f447bf143..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_08.png deleted file mode 100644 index 00a34d725..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_09.png deleted file mode 100644 index 03b9ade74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_10.png deleted file mode 100644 index e6e42d7a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_11.png deleted file mode 100644 index 22d8ffe63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_12.png deleted file mode 100644 index 21bf1c65c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_13.png deleted file mode 100644 index c2358b486..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_14.png deleted file mode 100644 index 3e7e11c50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_15.png deleted file mode 100644 index 35e746b5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_16.png deleted file mode 100644 index 979e7720e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_17.png deleted file mode 100644 index 6af177054..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_18.png deleted file mode 100644 index b3967584b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_19.png deleted file mode 100644 index 9efcaa2ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_20.png deleted file mode 100644 index 5fdb3283b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_01.png deleted file mode 100644 index 39f93222b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_02.png deleted file mode 100644 index d35091beb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_03.png deleted file mode 100644 index b32ab5a73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_04.png deleted file mode 100644 index fccb51557..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_05.png deleted file mode 100644 index 0b02a3407..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_06.png deleted file mode 100644 index 5e03f6236..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_07.png deleted file mode 100644 index 11aeb7b48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_08.png deleted file mode 100644 index 97f24994f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_09.png deleted file mode 100644 index 5bd4c65b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_10.png deleted file mode 100644 index 10121e990..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_11.png deleted file mode 100644 index d7452a82a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_12.png deleted file mode 100644 index 32de02ef3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_13.png deleted file mode 100644 index 0498f23f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_14.png deleted file mode 100644 index e29f3569d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_15.png deleted file mode 100644 index 87b6d2f16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_16.png deleted file mode 100644 index a41e6df9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_17.png deleted file mode 100644 index ebe5e4bec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_18.png deleted file mode 100644 index 28a687848..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_19.png deleted file mode 100644 index 2aeebf67c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_20.png deleted file mode 100644 index 08906580f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_01.png deleted file mode 100644 index 389188115..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_02.png deleted file mode 100644 index 1ffabf822..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_03.png deleted file mode 100644 index e061614fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_04.png deleted file mode 100644 index 49890e28b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_05.png deleted file mode 100644 index b20b4ca4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_06.png deleted file mode 100644 index cc0542e98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_07.png deleted file mode 100644 index 2bd331e8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_08.png deleted file mode 100644 index defbd1a0f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_09.png deleted file mode 100644 index 69efbe650..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_10.png deleted file mode 100644 index f472c0e8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_11.png deleted file mode 100644 index d9a94e3d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_12.png deleted file mode 100644 index 422ff5015..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_13.png deleted file mode 100644 index 4727feca0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_14.png deleted file mode 100644 index 01f64d5c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_15.png deleted file mode 100644 index 4dcc92c24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_16.png deleted file mode 100644 index 60a59ad63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_17.png deleted file mode 100644 index cd6a9d355..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_18.png deleted file mode 100644 index e6f11b538..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_19.png deleted file mode 100644 index edf886faa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_20.png deleted file mode 100644 index f10e57d78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_01.png deleted file mode 100644 index bb92a8c8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_02.png deleted file mode 100644 index d1aac8279..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_03.png deleted file mode 100644 index 89b719dfa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_04.png deleted file mode 100644 index 1c0e43226..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_05.png deleted file mode 100644 index ca4eae8b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_06.png deleted file mode 100644 index a5a9c1016..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_07.png deleted file mode 100644 index c971a604c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_08.png deleted file mode 100644 index 06f948512..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_09.png deleted file mode 100644 index d055fc39c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_10.png deleted file mode 100644 index 35ae788cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_11.png deleted file mode 100644 index 518b48e77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_12.png deleted file mode 100644 index fbc423f7b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_13.png deleted file mode 100644 index 36ffbd730..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_14.png deleted file mode 100644 index 14b17e90e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_15.png deleted file mode 100644 index 1e7d291c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_16.png deleted file mode 100644 index 06a212518..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_17.png deleted file mode 100644 index 01c3c4d53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_18.png deleted file mode 100644 index 7e17e4213..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_19.png deleted file mode 100644 index 6a791df1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_20.png deleted file mode 100644 index d39eee6ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_01.png deleted file mode 100644 index 57799d591..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_02.png deleted file mode 100644 index a6334e37f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_03.png deleted file mode 100644 index 3d885b189..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_04.png deleted file mode 100644 index d7f7e167c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_05.png deleted file mode 100644 index 43659e9a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_06.png deleted file mode 100644 index c75f6127f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_07.png deleted file mode 100644 index fb5499816..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_08.png deleted file mode 100644 index 400384ad3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_09.png deleted file mode 100644 index 5707f43e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_10.png deleted file mode 100644 index 1b60a932d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_11.png deleted file mode 100644 index 25baeb909..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_12.png deleted file mode 100644 index 664b708a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_13.png deleted file mode 100644 index a97b8cc41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_14.png deleted file mode 100644 index 603a697bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_15.png deleted file mode 100644 index 875cb3b93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_16.png deleted file mode 100644 index 90aa6c891..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_17.png deleted file mode 100644 index 1dc8332ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_18.png deleted file mode 100644 index b6900dd34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_19.png deleted file mode 100644 index 50b5773e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_20.png deleted file mode 100644 index e5310d7b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_01.png deleted file mode 100644 index f486fdaf4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_02.png deleted file mode 100644 index c42ccea73..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_03.png deleted file mode 100644 index 59fbbd314..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_04.png deleted file mode 100644 index bbee94e6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_05.png deleted file mode 100644 index 554b60c04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_06.png deleted file mode 100644 index 64d9f7371..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_07.png deleted file mode 100644 index 5dfb51d5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_08.png deleted file mode 100644 index c45fce5c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_09.png deleted file mode 100644 index 481cf24ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_10.png deleted file mode 100644 index a358e3cc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_11.png deleted file mode 100644 index 852b149ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_12.png deleted file mode 100644 index 92ef9bb87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_13.png deleted file mode 100644 index 03caea37c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_14.png deleted file mode 100644 index 3ff946994..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_15.png deleted file mode 100644 index be30454fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_16.png deleted file mode 100644 index b84161561..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_17.png deleted file mode 100644 index 81516782c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_18.png deleted file mode 100644 index 8e2ae8894..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_19.png deleted file mode 100644 index 64358efba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_20.png deleted file mode 100644 index 29ddbfbb2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_01.png deleted file mode 100644 index 951a8afe7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_02.png deleted file mode 100644 index dc3ac96be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_03.png deleted file mode 100644 index 3ec48385d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_04.png deleted file mode 100644 index 53d71e281..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_05.png deleted file mode 100644 index 118cf5a52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_06.png deleted file mode 100644 index 674176b52..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_07.png deleted file mode 100644 index 544cfc833..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_08.png deleted file mode 100644 index dbdfbda23..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_09.png deleted file mode 100644 index 30f8edd97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_10.png deleted file mode 100644 index df18ca3e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_11.png deleted file mode 100644 index 3da1c7fff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_12.png deleted file mode 100644 index 2eecc3e53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_13.png deleted file mode 100644 index 026de164d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_14.png deleted file mode 100644 index c50b9e9af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_15.png deleted file mode 100644 index bfe6a5719..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_16.png deleted file mode 100644 index d77ce1504..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_17.png deleted file mode 100644 index e6664d579..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_18.png deleted file mode 100644 index bdcdaa122..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_19.png deleted file mode 100644 index 3bad03377..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_20.png deleted file mode 100644 index a71adf910..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_01.png deleted file mode 100644 index f59cfb3e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_02.png deleted file mode 100644 index 11cadeab0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_03.png deleted file mode 100644 index 3c2ae9cad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_04.png deleted file mode 100644 index 44a4a4c39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_05.png deleted file mode 100644 index 5e5c60c1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_06.png deleted file mode 100644 index 52e31019d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_07.png deleted file mode 100644 index 4100494b3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_08.png deleted file mode 100644 index a520f7bbb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_09.png deleted file mode 100644 index dbb6cf117..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_10.png deleted file mode 100644 index 48324b987..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_11.png deleted file mode 100644 index 406741f70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_12.png deleted file mode 100644 index f1cf9e5f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_13.png deleted file mode 100644 index 82f6b3994..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_14.png deleted file mode 100644 index 0b7acd382..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_15.png deleted file mode 100644 index 85e27950f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_16.png deleted file mode 100644 index 0cf3bee8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_17.png deleted file mode 100644 index 2fcc62faa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_18.png deleted file mode 100644 index 4f068b7e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_19.png deleted file mode 100644 index 57bbae720..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_20.png deleted file mode 100644 index b70a6f381..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_01.png deleted file mode 100644 index b257fc393..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_02.png deleted file mode 100644 index f02e0bbd6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_03.png deleted file mode 100644 index 86330526f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_04.png deleted file mode 100644 index 99a7576eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_05.png deleted file mode 100644 index 2b9a56119..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_06.png deleted file mode 100644 index bb726a6de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_07.png deleted file mode 100644 index 52fad410d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_08.png deleted file mode 100644 index e9079d77c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_09.png deleted file mode 100644 index 09686ebae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_10.png deleted file mode 100644 index bd0150b96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_11.png deleted file mode 100644 index c2691a027..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_12.png deleted file mode 100644 index 1dcfe80a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_13.png deleted file mode 100644 index 9fc2091cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_14.png deleted file mode 100644 index 2151ad973..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_15.png deleted file mode 100644 index cd57120d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_16.png deleted file mode 100644 index a643d75dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_17.png deleted file mode 100644 index a2bce18b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_18.png deleted file mode 100644 index 115f28cc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_19.png deleted file mode 100644 index 82aaf645e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_20.png deleted file mode 100644 index 125782a22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_01.png deleted file mode 100644 index ac47621b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_02.png deleted file mode 100644 index 7b692f186..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_03.png deleted file mode 100644 index c5198c4da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_04.png deleted file mode 100644 index f1a844cb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_05.png deleted file mode 100644 index 6adf1cb9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_06.png deleted file mode 100644 index 786122e35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_07.png deleted file mode 100644 index b81f23922..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_08.png deleted file mode 100644 index 3e3a070a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_09.png deleted file mode 100644 index 9be5cf1f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_10.png deleted file mode 100644 index ca56e2798..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_11.png deleted file mode 100644 index 88fce8d1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_12.png deleted file mode 100644 index 67e021603..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_13.png deleted file mode 100644 index 4804425fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_14.png deleted file mode 100644 index e5d07795e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_15.png deleted file mode 100644 index e426ca489..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_16.png deleted file mode 100644 index 2694a2173..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_17.png deleted file mode 100644 index 5584f4139..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_18.png deleted file mode 100644 index f0c387d36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_19.png deleted file mode 100644 index 253972e25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_20.png deleted file mode 100644 index 97d1925a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_01.png deleted file mode 100644 index e44cb9e92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_02.png deleted file mode 100644 index 040a3382f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_03.png deleted file mode 100644 index 1cf9b0c9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_04.png deleted file mode 100644 index fbec156a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_05.png deleted file mode 100644 index f308f6083..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_06.png deleted file mode 100644 index 3225c2267..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_07.png deleted file mode 100644 index 2549ff66f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_08.png deleted file mode 100644 index 433ae5416..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_09.png deleted file mode 100644 index f06a148b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_10.png deleted file mode 100644 index bc515df74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_11.png deleted file mode 100644 index e8cebdf35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_12.png deleted file mode 100644 index 72185690a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_13.png deleted file mode 100644 index df23ceceb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_14.png deleted file mode 100644 index bb8bf7f84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_15.png deleted file mode 100644 index fe6595382..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_16.png deleted file mode 100644 index da58ef894..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_17.png deleted file mode 100644 index c514eeeb2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_18.png deleted file mode 100644 index 189d27ccb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_19.png deleted file mode 100644 index a2d43960e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_20.png deleted file mode 100644 index fd8cc0a6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_01.png deleted file mode 100644 index 48852f3c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_02.png deleted file mode 100644 index 8130c20aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_03.png deleted file mode 100644 index 29268c527..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_04.png deleted file mode 100644 index 8b35772c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_05.png deleted file mode 100644 index 54cee3fc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_06.png deleted file mode 100644 index 874c75e58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_07.png deleted file mode 100644 index 9b028c4c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_08.png deleted file mode 100644 index 90e55e5a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_09.png deleted file mode 100644 index fe725cd22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_10.png deleted file mode 100644 index ad31c0b82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_11.png deleted file mode 100644 index 122bf170f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_12.png deleted file mode 100644 index 018a39c9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_13.png deleted file mode 100644 index 50373da99..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_14.png deleted file mode 100644 index 24e3fcfcc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_15.png deleted file mode 100644 index 1cc4aa703..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_16.png deleted file mode 100644 index db9636e9d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_17.png deleted file mode 100644 index cf100f8c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_18.png deleted file mode 100644 index a741980a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_19.png deleted file mode 100644 index 4224d7c35..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_20.png deleted file mode 100644 index 51c2626ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_01.png deleted file mode 100644 index c53098265..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_02.png deleted file mode 100644 index dc33549a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_03.png deleted file mode 100644 index 825556eb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_04.png deleted file mode 100644 index fd673c192..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_05.png deleted file mode 100644 index 0831b4e06..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_06.png deleted file mode 100644 index b8bd486ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_07.png deleted file mode 100644 index 8390814ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_08.png deleted file mode 100644 index b95111d24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_09.png deleted file mode 100644 index 239555223..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_10.png deleted file mode 100644 index 0a8c83c25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_11.png deleted file mode 100644 index 9afa79c86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_12.png deleted file mode 100644 index cfba4369e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_13.png deleted file mode 100644 index 932337c29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_14.png deleted file mode 100644 index aa2027036..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_15.png deleted file mode 100644 index 04a9fc380..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_16.png deleted file mode 100644 index 6af717622..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_17.png deleted file mode 100644 index bc8da70a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_18.png deleted file mode 100644 index 86dc0f934..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_19.png deleted file mode 100644 index a91bbcb43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_20.png deleted file mode 100644 index d7076123c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_01.png deleted file mode 100644 index 97addcefc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_02.png deleted file mode 100644 index d516140b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_03.png deleted file mode 100644 index 2e3b1f05b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_04.png deleted file mode 100644 index f0114b750..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_05.png deleted file mode 100644 index c896e3f5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_06.png deleted file mode 100644 index b5192ffd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_07.png deleted file mode 100644 index 85f68d38d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_08.png deleted file mode 100644 index f9523fb2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_09.png deleted file mode 100644 index ba1a31067..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_10.png deleted file mode 100644 index 3af42ff80..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_11.png deleted file mode 100644 index f007b95c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_12.png deleted file mode 100644 index 4523199dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_13.png deleted file mode 100644 index cfada76e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_14.png deleted file mode 100644 index f49b039a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_15.png deleted file mode 100644 index 18da8e574..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_16.png deleted file mode 100644 index 33996fd9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_17.png deleted file mode 100644 index 08c760e63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_18.png deleted file mode 100644 index 6a7ae960d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_19.png deleted file mode 100644 index 1b31d8347..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_20.png deleted file mode 100644 index ca0e3b0e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_01.png deleted file mode 100644 index ba9da8930..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_02.png deleted file mode 100644 index 52bf41a5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_03.png deleted file mode 100644 index fc38f2c88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_04.png deleted file mode 100644 index fcd4aa081..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_05.png deleted file mode 100644 index cc63d5246..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_06.png deleted file mode 100644 index 2997f54ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_07.png deleted file mode 100644 index 9e81d1608..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_08.png deleted file mode 100644 index 18e3e835b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_09.png deleted file mode 100644 index 1bd7c9a46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_10.png deleted file mode 100644 index 2ffd79086..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_11.png deleted file mode 100644 index b388fee85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_12.png deleted file mode 100644 index ac73b3e87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_13.png deleted file mode 100644 index 7af2ab6e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_14.png deleted file mode 100644 index 46e3b77f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_15.png deleted file mode 100644 index 894667e94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_16.png deleted file mode 100644 index 51388f94c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_17.png deleted file mode 100644 index e03ca1839..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_18.png deleted file mode 100644 index ace6a2314..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_19.png deleted file mode 100644 index 4ebe58f89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_20.png deleted file mode 100644 index 929aac089..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_01.png deleted file mode 100644 index aeaadcc54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_02.png deleted file mode 100644 index dbb3b8b60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_03.png deleted file mode 100644 index 0fab66c4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_04.png deleted file mode 100644 index ff8506525..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_05.png deleted file mode 100644 index 19dc8c80a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_06.png deleted file mode 100644 index 2e848933d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_07.png deleted file mode 100644 index f17e4bd32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_08.png deleted file mode 100644 index 46bdc35d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_09.png deleted file mode 100644 index 5541637f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_10.png deleted file mode 100644 index 3c4bd6a06..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_11.png deleted file mode 100644 index f9d7652bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_12.png deleted file mode 100644 index 11e1f2320..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_13.png deleted file mode 100644 index a3a7c56f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_14.png deleted file mode 100644 index 7a2aed9d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_15.png deleted file mode 100644 index 2cbecc6c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_16.png deleted file mode 100644 index b88be3c16..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_17.png deleted file mode 100644 index 12206c4b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_18.png deleted file mode 100644 index 19ad88475..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_19.png deleted file mode 100644 index ef99c1ce8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_20.png deleted file mode 100644 index c501e8abd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_01.png deleted file mode 100644 index a790f9bfa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_02.png deleted file mode 100644 index 37f4548dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_03.png deleted file mode 100644 index d70bf0108..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_04.png deleted file mode 100644 index 746624b33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_05.png deleted file mode 100644 index 96fb9ee79..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_06.png deleted file mode 100644 index f1bd27b26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_07.png deleted file mode 100644 index 0d08bf905..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_08.png deleted file mode 100644 index f198b6b95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_09.png deleted file mode 100644 index b7976d529..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_10.png deleted file mode 100644 index 86f4fb144..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_11.png deleted file mode 100644 index 80aa8ed76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_12.png deleted file mode 100644 index a8a42d9a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_13.png deleted file mode 100644 index a54c9dc53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_14.png deleted file mode 100644 index 4a139e002..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_15.png deleted file mode 100644 index cf80e455f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_16.png deleted file mode 100644 index 15bb5a637..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_17.png deleted file mode 100644 index 7bf53faa6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_18.png deleted file mode 100644 index becbd0f3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_19.png deleted file mode 100644 index 4844128ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_20.png deleted file mode 100644 index 44e8bbc60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_01.png deleted file mode 100644 index c69c740b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_02.png deleted file mode 100644 index 50dde4bc8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_03.png deleted file mode 100644 index 687a097cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_04.png deleted file mode 100644 index 773ac6a78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_05.png deleted file mode 100644 index 8e4093b12..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_06.png deleted file mode 100644 index dd9f23f20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_07.png deleted file mode 100644 index 1339898dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_08.png deleted file mode 100644 index 122971ad4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_09.png deleted file mode 100644 index cdfc6fb3f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_10.png deleted file mode 100644 index bd0e93b02..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_11.png deleted file mode 100644 index 2e9b399d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_12.png deleted file mode 100644 index 0e872d1ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_13.png deleted file mode 100644 index a8d2b59cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_14.png deleted file mode 100644 index fcb990559..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_15.png deleted file mode 100644 index 4899317bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_16.png deleted file mode 100644 index a87c4aab1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_17.png deleted file mode 100644 index f7905b767..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_18.png deleted file mode 100644 index 785c6e93a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_19.png deleted file mode 100644 index d8c06990e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_20.png deleted file mode 100644 index c14aafa41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_01.png deleted file mode 100644 index 8e0f10c13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_02.png deleted file mode 100644 index c84edaf7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_03.png deleted file mode 100644 index 4ad3944ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_04.png deleted file mode 100644 index 39403f692..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_05.png deleted file mode 100644 index 509f4f845..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_06.png deleted file mode 100644 index cbffbbc0d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_07.png deleted file mode 100644 index 0d4e3b030..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_08.png deleted file mode 100644 index 55092885b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_09.png deleted file mode 100644 index 7554fc01d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_10.png deleted file mode 100644 index 716a791d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_11.png deleted file mode 100644 index 4927004c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_12.png deleted file mode 100644 index 7e41fedb9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_13.png deleted file mode 100644 index 0ec208704..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_14.png deleted file mode 100644 index c530afdbc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_15.png deleted file mode 100644 index 6ebfe65cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_16.png deleted file mode 100644 index 37690b344..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_17.png deleted file mode 100644 index 20ac046a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_18.png deleted file mode 100644 index 2a4f0c1fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_19.png deleted file mode 100644 index 4b797120b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_20.png deleted file mode 100644 index a2446e2d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_01.png deleted file mode 100644 index 75beb5d01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_02.png deleted file mode 100644 index 86c7bf80d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_03.png deleted file mode 100644 index f8ec63f84..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_04.png deleted file mode 100644 index b713bed03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_05.png deleted file mode 100644 index 51611cae4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_06.png deleted file mode 100644 index 1207a9978..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_07.png deleted file mode 100644 index 03944341a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_08.png deleted file mode 100644 index aad73b9af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_09.png deleted file mode 100644 index 04b4d4271..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_10.png deleted file mode 100644 index c3b228ce9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_11.png deleted file mode 100644 index 124f6f431..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_12.png deleted file mode 100644 index 29ccf5b1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_13.png deleted file mode 100644 index 16cbe9979..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_14.png deleted file mode 100644 index 0ca198d9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_15.png deleted file mode 100644 index 92b17d873..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_16.png deleted file mode 100644 index a3b36e38e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_17.png deleted file mode 100644 index a8bd9522b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_18.png deleted file mode 100644 index 8d9f2d0f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_19.png deleted file mode 100644 index 8e747e20b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_20.png deleted file mode 100644 index f25646233..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_01.png deleted file mode 100644 index 69c571a05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_02.png deleted file mode 100644 index 0e129b835..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_03.png deleted file mode 100644 index 5508ceb3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_04.png deleted file mode 100644 index c26a4e75a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_05.png deleted file mode 100644 index 284512a74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_06.png deleted file mode 100644 index cafdd5c3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_07.png deleted file mode 100644 index 30333923f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_08.png deleted file mode 100644 index fd11cc8f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_09.png deleted file mode 100644 index 5cc1f08d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_10.png deleted file mode 100644 index 50a9c9d3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_11.png deleted file mode 100644 index 6845c129f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_12.png deleted file mode 100644 index c37058ab6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_13.png deleted file mode 100644 index a613d01d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_14.png deleted file mode 100644 index 58434cc1d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_15.png deleted file mode 100644 index 59341eecc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_16.png deleted file mode 100644 index 701747f18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_17.png deleted file mode 100644 index 07c006ef4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_18.png deleted file mode 100644 index 532c6d0fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_19.png deleted file mode 100644 index 70f931481..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_20.png deleted file mode 100644 index 0d8e08cc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_01.png deleted file mode 100644 index d04cc0604..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_02.png deleted file mode 100644 index 00e1bd534..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_03.png deleted file mode 100644 index 6fc2bac5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_04.png deleted file mode 100644 index d047ccb9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_05.png deleted file mode 100644 index f833e47dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_06.png deleted file mode 100644 index 1776bafe6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_07.png deleted file mode 100644 index 1d6ef6aae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_08.png deleted file mode 100644 index df5361076..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_09.png deleted file mode 100644 index 48af7fee1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_10.png deleted file mode 100644 index 378a7f9b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_11.png deleted file mode 100644 index bfbe71c91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_12.png deleted file mode 100644 index 7613defdf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_13.png deleted file mode 100644 index 04207080e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_14.png deleted file mode 100644 index 6d51f16ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_15.png deleted file mode 100644 index a64d223c1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_16.png deleted file mode 100644 index 919baa727..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_17.png deleted file mode 100644 index cb5d2897d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_18.png deleted file mode 100644 index 2c211ada4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_19.png deleted file mode 100644 index fa59c1d77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_20.png deleted file mode 100644 index 34d768db4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character01/0893_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_01.png deleted file mode 100644 index 46a0f54c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_02.png deleted file mode 100644 index 9b87c371b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_03.png deleted file mode 100644 index 10c474848..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_04.png deleted file mode 100644 index 383de0bd4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_05.png deleted file mode 100644 index 8a957bb8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_06.png deleted file mode 100644 index 5667a9290..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_07.png deleted file mode 100644 index 48445c382..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_08.png deleted file mode 100644 index 24c488b6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_09.png deleted file mode 100644 index 6854eeb90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_10.png deleted file mode 100644 index e891c95a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_11.png deleted file mode 100644 index 42d324a53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_12.png deleted file mode 100644 index 553459cdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_13.png deleted file mode 100644 index 0ca13866f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_14.png deleted file mode 100644 index 55be0dde5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_15.png deleted file mode 100644 index e416a0955..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_16.png deleted file mode 100644 index cd871f5fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_17.png deleted file mode 100644 index 08245f79c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_18.png deleted file mode 100644 index 10f549c7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_19.png deleted file mode 100644 index 514bc6275..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_20.png deleted file mode 100644 index 232ea5bfc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character02/0894_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_01.png deleted file mode 100644 index 95e337406..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_02.png deleted file mode 100644 index 1b209a191..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_03.png deleted file mode 100644 index 20104aa1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_04.png deleted file mode 100644 index 18cc2a2ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_05.png deleted file mode 100644 index 908ec2046..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_06.png deleted file mode 100644 index 246312e83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_07.png deleted file mode 100644 index 3840a4d2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_08.png deleted file mode 100644 index 00637e39e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_09.png deleted file mode 100644 index c26104723..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_10.png deleted file mode 100644 index dee5748bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_11.png deleted file mode 100644 index e692f57af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_12.png deleted file mode 100644 index f9e9f2be1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_13.png deleted file mode 100644 index 45f02cbd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_14.png deleted file mode 100644 index 3c8f99025..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_15.png deleted file mode 100644 index f8f0e8ab2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_16.png deleted file mode 100644 index 6141c164b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_17.png deleted file mode 100644 index 547e9b4de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_18.png deleted file mode 100644 index 4350b6941..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_19.png deleted file mode 100644 index 885b057ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_20.png deleted file mode 100644 index 7fb19b927..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character03/0895_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_01.png deleted file mode 100644 index a52269799..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_02.png deleted file mode 100644 index 468f424ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_03.png deleted file mode 100644 index eec33b96c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_04.png deleted file mode 100644 index 9649dbe44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_05.png deleted file mode 100644 index 27b828836..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_06.png deleted file mode 100644 index 229b857a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_07.png deleted file mode 100644 index 18abe9d69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_08.png deleted file mode 100644 index 69b0f97e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_09.png deleted file mode 100644 index 7878e42e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_10.png deleted file mode 100644 index 5f49fe1b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_11.png deleted file mode 100644 index ad29e8038..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_12.png deleted file mode 100644 index 59df6ba4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_13.png deleted file mode 100644 index 6c145f349..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_14.png deleted file mode 100644 index 17735e23a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_15.png deleted file mode 100644 index 56fb63767..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_16.png deleted file mode 100644 index bbd7313da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_17.png deleted file mode 100644 index 491edaf2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_18.png deleted file mode 100644 index 8dd8391b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_19.png deleted file mode 100644 index 4afa14321..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_20.png deleted file mode 100644 index 19bec33a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character04/0896_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_01.png deleted file mode 100644 index b9b2a8f77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_02.png deleted file mode 100644 index bcf7114c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_03.png deleted file mode 100644 index 8f1bcec1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_04.png deleted file mode 100644 index bc75557af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_05.png deleted file mode 100644 index b9ce08500..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_06.png deleted file mode 100644 index f6c73812c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_07.png deleted file mode 100644 index ee715fdd8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_08.png deleted file mode 100644 index cdc0ca7dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_09.png deleted file mode 100644 index 33a1a5d44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_10.png deleted file mode 100644 index ea743a47b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_11.png deleted file mode 100644 index 9c55fa3cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_12.png deleted file mode 100644 index ee5f0de29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_13.png deleted file mode 100644 index 933d46626..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_14.png deleted file mode 100644 index ce247a1fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_15.png deleted file mode 100644 index d3172a2db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_16.png deleted file mode 100644 index 7c0674131..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_17.png deleted file mode 100644 index 594416c87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_18.png deleted file mode 100644 index 91fa419c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_19.png deleted file mode 100644 index 958f86d72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_20.png deleted file mode 100644 index bff461d7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character05/0897_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_01.png deleted file mode 100644 index 065a958b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_02.png deleted file mode 100644 index 6037ea8b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_03.png deleted file mode 100644 index 9da1f3f72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_04.png deleted file mode 100644 index 4532f537b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_05.png deleted file mode 100644 index ccd4f759e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_06.png deleted file mode 100644 index 4493d288f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_07.png deleted file mode 100644 index a57b741d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_08.png deleted file mode 100644 index f80dd5d49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_09.png deleted file mode 100644 index 201c760c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_10.png deleted file mode 100644 index 8d5126a78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_11.png deleted file mode 100644 index 56810fb5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_12.png deleted file mode 100644 index aa6f3b099..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_13.png deleted file mode 100644 index 86b6f09fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_14.png deleted file mode 100644 index a1dfc5c40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_15.png deleted file mode 100644 index e36e15d6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_16.png deleted file mode 100644 index b2bec0cc8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_17.png deleted file mode 100644 index c7cf56c46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_18.png deleted file mode 100644 index e8cbdc541..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_19.png deleted file mode 100644 index bd06deecb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_20.png deleted file mode 100644 index ee13a2ae9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character06/0898_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_01.png deleted file mode 100644 index b254adc27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_02.png deleted file mode 100644 index 52f8350c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_03.png deleted file mode 100644 index 1a5aa82ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_04.png deleted file mode 100644 index 1f3c4370c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_05.png deleted file mode 100644 index bcb336675..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_06.png deleted file mode 100644 index 2da8d071a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_07.png deleted file mode 100644 index 1197c0be9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_08.png deleted file mode 100644 index eac946657..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_09.png deleted file mode 100644 index b154fd5d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_10.png deleted file mode 100644 index f8884dab8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_11.png deleted file mode 100644 index 11e65dbe5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_12.png deleted file mode 100644 index 250dab7fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_13.png deleted file mode 100644 index e1c10cb5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_14.png deleted file mode 100644 index 22e79d999..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_15.png deleted file mode 100644 index 5731c1437..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_16.png deleted file mode 100644 index 11a1d112b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_17.png deleted file mode 100644 index c4b82b31e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_18.png deleted file mode 100644 index 8f23e938a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_19.png deleted file mode 100644 index febf73933..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_20.png deleted file mode 100644 index febef4307..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character07/0899_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_01.png deleted file mode 100644 index d4c586593..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_02.png deleted file mode 100644 index 269ff2b75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_03.png deleted file mode 100644 index 4f436d3c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_04.png deleted file mode 100644 index acc8b271d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_05.png deleted file mode 100644 index 53f415b75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_06.png deleted file mode 100644 index 6649f9fd5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_07.png deleted file mode 100644 index 763d194a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_08.png deleted file mode 100644 index dae1fda1c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_09.png deleted file mode 100644 index 20d858730..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_10.png deleted file mode 100644 index a41ddcbb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_11.png deleted file mode 100644 index 9f50da9ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_12.png deleted file mode 100644 index 3e826c564..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_13.png deleted file mode 100644 index f9e7cf333..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_14.png deleted file mode 100644 index efc2bf161..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_15.png deleted file mode 100644 index e4ee65685..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_16.png deleted file mode 100644 index e63b307fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_17.png deleted file mode 100644 index ec75afeda..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_18.png deleted file mode 100644 index d8eb8bbdb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_19.png deleted file mode 100644 index 43ab15469..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_20.png deleted file mode 100644 index d5cf7b4ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character08/0900_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_01.png deleted file mode 100644 index ce8345030..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_02.png deleted file mode 100644 index 3711a0985..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_03.png deleted file mode 100644 index 1572bae67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_04.png deleted file mode 100644 index 54a60ef8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_05.png deleted file mode 100644 index fd1c334bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_06.png deleted file mode 100644 index 59bedf261..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_07.png deleted file mode 100644 index f4fee8850..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_08.png deleted file mode 100644 index 753cbf746..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_09.png deleted file mode 100644 index 94d4f8bd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_10.png deleted file mode 100644 index 81a67723c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_11.png deleted file mode 100644 index da24acd22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_12.png deleted file mode 100644 index 245462edb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_13.png deleted file mode 100644 index 9aaaf44b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_14.png deleted file mode 100644 index a1e4b5873..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_15.png deleted file mode 100644 index 25483d5de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_16.png deleted file mode 100644 index 29fdb71af..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_17.png deleted file mode 100644 index 697055903..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_18.png deleted file mode 100644 index 99e4e7bca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_19.png deleted file mode 100644 index 97943da04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_20.png deleted file mode 100644 index b61dc9aed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character09/0901_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_01.png deleted file mode 100644 index 2a5b80644..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_02.png deleted file mode 100644 index 1e017e8ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_03.png deleted file mode 100644 index 70fd5253c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_04.png deleted file mode 100644 index a832f26b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_05.png deleted file mode 100644 index 08073bda7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_06.png deleted file mode 100644 index b004879b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_07.png deleted file mode 100644 index b95601059..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_08.png deleted file mode 100644 index f90476c92..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_09.png deleted file mode 100644 index febff1f67..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_10.png deleted file mode 100644 index f48158edd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_11.png deleted file mode 100644 index 41acc3136..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_12.png deleted file mode 100644 index 289c2bf5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_13.png deleted file mode 100644 index 6005d6def..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_14.png deleted file mode 100644 index 6bf21da6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_15.png deleted file mode 100644 index 33ce6af0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_16.png deleted file mode 100644 index 858982158..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_17.png deleted file mode 100644 index 285190a74..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_18.png deleted file mode 100644 index a95f7f6d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_19.png deleted file mode 100644 index a0d285f14..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_20.png deleted file mode 100644 index a34086206..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character10/0902_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_01.png deleted file mode 100644 index e2cf6e475..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_02.png deleted file mode 100644 index af79ee0ed..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_03.png deleted file mode 100644 index 56088a313..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_04.png deleted file mode 100644 index d09445973..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_05.png deleted file mode 100644 index 6ada1a7c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_06.png deleted file mode 100644 index e10efad03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_07.png deleted file mode 100644 index 97ab5cd1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_08.png deleted file mode 100644 index f5c211423..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_09.png deleted file mode 100644 index d36f3fa00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_10.png deleted file mode 100644 index e5f7b3fa7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_11.png deleted file mode 100644 index 814cb1bf9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_12.png deleted file mode 100644 index e942a79e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_13.png deleted file mode 100644 index cb3fc2dee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_14.png deleted file mode 100644 index 9854bfa5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_15.png deleted file mode 100644 index 300894e91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_16.png deleted file mode 100644 index 3f5b7bf13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_17.png deleted file mode 100644 index 4c9912128..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_18.png deleted file mode 100644 index f90f82222..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_19.png deleted file mode 100644 index 538d9463f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_20.png deleted file mode 100644 index 0a529d88f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character11/0903_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_01.png deleted file mode 100644 index 3061982e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_02.png deleted file mode 100644 index 4077c0ff2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_03.png deleted file mode 100644 index 1928a8292..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_04.png deleted file mode 100644 index 3787924fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_05.png deleted file mode 100644 index 223625d87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_06.png deleted file mode 100644 index d99df9e56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_07.png deleted file mode 100644 index d4811b8e7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_08.png deleted file mode 100644 index ef956871e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_09.png deleted file mode 100644 index d73d8aaae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_10.png deleted file mode 100644 index 4b92be84d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_11.png deleted file mode 100644 index 7a21a46ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_12.png deleted file mode 100644 index 30f3119d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_13.png deleted file mode 100644 index 2d640307a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_14.png deleted file mode 100644 index 29891c4fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_15.png deleted file mode 100644 index 0263d82e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_16.png deleted file mode 100644 index 873a9c5e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_17.png deleted file mode 100644 index a33fb58be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_18.png deleted file mode 100644 index fdeafb113..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_19.png deleted file mode 100644 index 178883223..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_20.png deleted file mode 100644 index 0c6f68393..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character12/0904_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_01.png deleted file mode 100644 index 33600d072..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_02.png deleted file mode 100644 index 724dbb3fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_03.png deleted file mode 100644 index b0c37bfb1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_04.png deleted file mode 100644 index be3eda9d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_05.png deleted file mode 100644 index aa41f44da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_06.png deleted file mode 100644 index f276dafb2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_07.png deleted file mode 100644 index fa42ad82a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_08.png deleted file mode 100644 index 40df7e808..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_09.png deleted file mode 100644 index 4a72c649b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_10.png deleted file mode 100644 index ceb9d812e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_11.png deleted file mode 100644 index 8f3a0c943..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_12.png deleted file mode 100644 index 4aeab2d1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_13.png deleted file mode 100644 index b58250466..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_14.png deleted file mode 100644 index 90f52ba5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_15.png deleted file mode 100644 index 4a44f4b1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_16.png deleted file mode 100644 index d73b8624d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_17.png deleted file mode 100644 index 2633d37cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_18.png deleted file mode 100644 index 7963baa1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_19.png deleted file mode 100644 index 029f5d68d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_20.png deleted file mode 100644 index c1c28460c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character13/0905_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_01.png deleted file mode 100644 index 3af9ffcb7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_02.png deleted file mode 100644 index 4324cfbe1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_03.png deleted file mode 100644 index dc78557ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_04.png deleted file mode 100644 index 1ac6f461f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_05.png deleted file mode 100644 index c4f337184..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_06.png deleted file mode 100644 index 2acf3e8f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_07.png deleted file mode 100644 index 05987de70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_08.png deleted file mode 100644 index 52a717599..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_09.png deleted file mode 100644 index c25d56fcf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_10.png deleted file mode 100644 index 4c504dbd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_11.png deleted file mode 100644 index 6cefdb3bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_12.png deleted file mode 100644 index 4d2c0de34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_13.png deleted file mode 100644 index 158f59dee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_14.png deleted file mode 100644 index 71381e071..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_15.png deleted file mode 100644 index ece779396..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_16.png deleted file mode 100644 index 0e229ddd5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_17.png deleted file mode 100644 index 19156baf3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_18.png deleted file mode 100644 index 62eea2f8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_19.png deleted file mode 100644 index 6c2315bcf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_20.png deleted file mode 100644 index 00b13475c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character14/0906_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_01.png deleted file mode 100644 index 1db3f4ad9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_02.png deleted file mode 100644 index a5ef56d7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_03.png deleted file mode 100644 index 7f55da047..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_04.png deleted file mode 100644 index 99d3c1a04..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_05.png deleted file mode 100644 index 32e92889e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_06.png deleted file mode 100644 index d5c1a21ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_07.png deleted file mode 100644 index b5d660a4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_08.png deleted file mode 100644 index 44a3af95a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_09.png deleted file mode 100644 index d14fe345a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_10.png deleted file mode 100644 index f5d5df757..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_11.png deleted file mode 100644 index 3de992eef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_12.png deleted file mode 100644 index 6675c31ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_13.png deleted file mode 100644 index 542d79f81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_14.png deleted file mode 100644 index 653e79a71..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_15.png deleted file mode 100644 index 7650761f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_16.png deleted file mode 100644 index 25dcae9f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_17.png deleted file mode 100644 index a0e6c53df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_18.png deleted file mode 100644 index 34a838004..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_19.png deleted file mode 100644 index 9092bfdaa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_20.png deleted file mode 100644 index 9cca525d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character15/0907_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_01.png deleted file mode 100644 index 4cff386e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_02.png deleted file mode 100644 index c33370315..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_03.png deleted file mode 100644 index b6d5d823c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_04.png deleted file mode 100644 index 255ccffab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_05.png deleted file mode 100644 index 5ac90f819..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_06.png deleted file mode 100644 index 293b04bb8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_07.png deleted file mode 100644 index 5162532e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_08.png deleted file mode 100644 index f043ed8a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_09.png deleted file mode 100644 index c3489be7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_10.png deleted file mode 100644 index f3b71d312..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_11.png deleted file mode 100644 index a159188b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_12.png deleted file mode 100644 index 23a9a4ac9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_13.png deleted file mode 100644 index 058bba273..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_14.png deleted file mode 100644 index f2cae20bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_15.png deleted file mode 100644 index 61ad7ca5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_16.png deleted file mode 100644 index 36c073af6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_17.png deleted file mode 100644 index ad084a01f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_18.png deleted file mode 100644 index 0a921acf4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_19.png deleted file mode 100644 index 366a1182d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_20.png deleted file mode 100644 index 8e4619a5c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character16/0908_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_01.png deleted file mode 100644 index 2f4766cc3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_02.png deleted file mode 100644 index 609f12acc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_03.png deleted file mode 100644 index 232b37d55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_04.png deleted file mode 100644 index 29592dc28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_05.png deleted file mode 100644 index 3a0edf2c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_06.png deleted file mode 100644 index e44abe4b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_07.png deleted file mode 100644 index 06a596dd3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_08.png deleted file mode 100644 index 9d0e8be55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_09.png deleted file mode 100644 index a2f13fd2c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_10.png deleted file mode 100644 index 32f63ccc4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_11.png deleted file mode 100644 index b4971c2b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_12.png deleted file mode 100644 index c065d1d24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_13.png deleted file mode 100644 index 838aef21e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_14.png deleted file mode 100644 index 2b1eb46f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_15.png deleted file mode 100644 index f9aa9cd58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_16.png deleted file mode 100644 index 30b012d44..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_17.png deleted file mode 100644 index b23883345..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_18.png deleted file mode 100644 index a7485cf24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_19.png deleted file mode 100644 index bd4b78f77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_20.png deleted file mode 100644 index 6a45d3ad2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tagalog/character17/0909_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_01.png deleted file mode 100644 index 8883b83c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_02.png deleted file mode 100644 index 000c02f78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_03.png deleted file mode 100644 index c736a44ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_04.png deleted file mode 100644 index 2f19c0101..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_05.png deleted file mode 100644 index 9b6a00336..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_06.png deleted file mode 100644 index 831e1f098..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_07.png deleted file mode 100644 index 72ca0a02a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_08.png deleted file mode 100644 index d6ed1a0ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_09.png deleted file mode 100644 index c2799d179..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_10.png deleted file mode 100644 index 17eb5e75b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_11.png deleted file mode 100644 index 2f6bbae81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_12.png deleted file mode 100644 index 3efbcf6ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_13.png deleted file mode 100644 index ef8ae39ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_14.png deleted file mode 100644 index 3a4890b0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_15.png deleted file mode 100644 index bd20d52e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_16.png deleted file mode 100644 index 2eb2ce2d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_17.png deleted file mode 100644 index b0d57a874..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_18.png deleted file mode 100644 index 2ed5c23a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_19.png deleted file mode 100644 index 3cf201dc0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_20.png deleted file mode 100644 index 45419341c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character01/0910_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_01.png deleted file mode 100644 index 305460f82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_02.png deleted file mode 100644 index 092bd3c1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_03.png deleted file mode 100644 index f6988d597..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_04.png deleted file mode 100644 index e947154e4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_05.png deleted file mode 100644 index 1047dd134..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_06.png deleted file mode 100644 index e95c64e30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_07.png deleted file mode 100644 index 369dff7ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_08.png deleted file mode 100644 index 30cfa4687..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_09.png deleted file mode 100644 index d3455c061..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_10.png deleted file mode 100644 index a232f46d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_11.png deleted file mode 100644 index 6af380208..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_12.png deleted file mode 100644 index 2703601fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_13.png deleted file mode 100644 index f52244253..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_14.png deleted file mode 100644 index 1bad67140..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_15.png deleted file mode 100644 index db8ea2556..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_16.png deleted file mode 100644 index 5cf5b60ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_17.png deleted file mode 100644 index b177b4213..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_18.png deleted file mode 100644 index 0b2b342c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_19.png deleted file mode 100644 index 39907e0dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_20.png deleted file mode 100644 index 5a4449c91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character02/0911_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_01.png deleted file mode 100644 index 37c67981d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_02.png deleted file mode 100644 index 68e6bdcb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_03.png deleted file mode 100644 index 567b906ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_04.png deleted file mode 100644 index 186c0c9da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_05.png deleted file mode 100644 index 5fc2a4243..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_06.png deleted file mode 100644 index e0e94905a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_07.png deleted file mode 100644 index 19d22e573..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_08.png deleted file mode 100644 index e3c9f26bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_09.png deleted file mode 100644 index 245804653..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_10.png deleted file mode 100644 index bf80c24b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_11.png deleted file mode 100644 index 444b82729..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_12.png deleted file mode 100644 index 83ba108b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_13.png deleted file mode 100644 index 354940e64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_14.png deleted file mode 100644 index fc0aaec22..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_15.png deleted file mode 100644 index 85d80b2f1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_16.png deleted file mode 100644 index fc3d8bd60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_17.png deleted file mode 100644 index 93262a3a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_18.png deleted file mode 100644 index b5f384f4b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_19.png deleted file mode 100644 index 2cee43275..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_20.png deleted file mode 100644 index e3c546e6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character03/0912_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_01.png deleted file mode 100644 index cd8db3a2e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_02.png deleted file mode 100644 index f73d4f086..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_03.png deleted file mode 100644 index 08e86b6b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_04.png deleted file mode 100644 index eec32bb19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_05.png deleted file mode 100644 index a88a1b1a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_06.png deleted file mode 100644 index 4e1a5c4a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_07.png deleted file mode 100644 index 3fbfcaee0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_08.png deleted file mode 100644 index db72649e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_09.png deleted file mode 100644 index 791f16f72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_10.png deleted file mode 100644 index 8d2226d75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_11.png deleted file mode 100644 index 2a66e55bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_12.png deleted file mode 100644 index 9d36ac158..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_13.png deleted file mode 100644 index d7a7a7421..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_14.png deleted file mode 100644 index 43543f5ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_15.png deleted file mode 100644 index 898c787a3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_16.png deleted file mode 100644 index e74c98b43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_17.png deleted file mode 100644 index 362db08ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_18.png deleted file mode 100644 index 21e8f71e0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_19.png deleted file mode 100644 index b967b511d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_20.png deleted file mode 100644 index 43d0ebe54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character04/0913_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_01.png deleted file mode 100644 index fa18e877d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_02.png deleted file mode 100644 index bef73f063..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_03.png deleted file mode 100644 index c0e2fe0ae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_04.png deleted file mode 100644 index 9fc6f5e32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_05.png deleted file mode 100644 index 093593578..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_06.png deleted file mode 100644 index be501dc97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_07.png deleted file mode 100644 index 573588806..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_08.png deleted file mode 100644 index d8d9e325d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_09.png deleted file mode 100644 index 727eabd4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_10.png deleted file mode 100644 index 85fe5cf2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_11.png deleted file mode 100644 index 252b3f11d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_12.png deleted file mode 100644 index 0587a1bdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_13.png deleted file mode 100644 index 5a40ac129..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_14.png deleted file mode 100644 index 52b5b5a81..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_15.png deleted file mode 100644 index 8bb16221a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_16.png deleted file mode 100644 index ee297ea7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_17.png deleted file mode 100644 index 24b4a222d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_18.png deleted file mode 100644 index 62ec3a3f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_19.png deleted file mode 100644 index 7765ff473..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_20.png deleted file mode 100644 index 4091fbd27..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character05/0914_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_01.png deleted file mode 100644 index a8d7c61d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_02.png deleted file mode 100644 index ce419afca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_03.png deleted file mode 100644 index 8b535014f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_04.png deleted file mode 100644 index c60140792..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_05.png deleted file mode 100644 index c74802961..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_06.png deleted file mode 100644 index 50148bd0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_07.png deleted file mode 100644 index 82961e0ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_08.png deleted file mode 100644 index b7855021a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_09.png deleted file mode 100644 index 4e96211c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_10.png deleted file mode 100644 index 4c1058139..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_11.png deleted file mode 100644 index 4cdaa8342..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_12.png deleted file mode 100644 index 56f03be5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_13.png deleted file mode 100644 index ce51e2de5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_14.png deleted file mode 100644 index 121b84405..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_15.png deleted file mode 100644 index e3805fcd1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_16.png deleted file mode 100644 index af866dae3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_17.png deleted file mode 100644 index f5022cf0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_18.png deleted file mode 100644 index 97efca0a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_19.png deleted file mode 100644 index df81cae15..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_20.png deleted file mode 100644 index 8b2077fad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character06/0915_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_01.png deleted file mode 100644 index 9751838f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_02.png deleted file mode 100644 index e3044c899..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_03.png deleted file mode 100644 index 345c404be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_04.png deleted file mode 100644 index 27716b32d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_05.png deleted file mode 100644 index 2143e5133..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_06.png deleted file mode 100644 index aff777ce4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_07.png deleted file mode 100644 index febd17143..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_08.png deleted file mode 100644 index 2d31dad42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_09.png deleted file mode 100644 index 7269938f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_10.png deleted file mode 100644 index 593855265..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_11.png deleted file mode 100644 index fe3028fcf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_12.png deleted file mode 100644 index 998b524a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_13.png deleted file mode 100644 index 1cf2b6acf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_14.png deleted file mode 100644 index f7458876c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_15.png deleted file mode 100644 index b454e0f54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_16.png deleted file mode 100644 index 450864375..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_17.png deleted file mode 100644 index 54f8da5be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_18.png deleted file mode 100644 index b9127222d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_19.png deleted file mode 100644 index a4d106b33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_20.png deleted file mode 100644 index 8cad36959..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character07/0916_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_01.png deleted file mode 100644 index e0758b794..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_02.png deleted file mode 100644 index 4e88bccd1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_03.png deleted file mode 100644 index ead529d88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_04.png deleted file mode 100644 index 93af81a69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_05.png deleted file mode 100644 index b417cf9d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_06.png deleted file mode 100644 index 56e7bd233..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_07.png deleted file mode 100644 index c6ca0ee5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_08.png deleted file mode 100644 index eaab92002..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_09.png deleted file mode 100644 index 3a62baf12..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_10.png deleted file mode 100644 index 088a70202..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_11.png deleted file mode 100644 index b685ebfd0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_12.png deleted file mode 100644 index 644894f9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_13.png deleted file mode 100644 index 447326fa3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_14.png deleted file mode 100644 index 3e1567b68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_15.png deleted file mode 100644 index 3c87c4ade..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_16.png deleted file mode 100644 index e59e9f002..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_17.png deleted file mode 100644 index 91d704cf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_18.png deleted file mode 100644 index e70d91aef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_19.png deleted file mode 100644 index dd10005e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_20.png deleted file mode 100644 index 47979b2d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character08/0917_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_01.png deleted file mode 100644 index 94094c236..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_02.png deleted file mode 100644 index 9c74cb367..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_03.png deleted file mode 100644 index 1aeef004b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_04.png deleted file mode 100644 index 2d9faed43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_05.png deleted file mode 100644 index 7145ce7a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_06.png deleted file mode 100644 index dcf0325dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_07.png deleted file mode 100644 index 8cb477ed6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_08.png deleted file mode 100644 index 0de7d995a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_09.png deleted file mode 100644 index e7f421878..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_10.png deleted file mode 100644 index ba47e442c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_11.png deleted file mode 100644 index f81664be5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_12.png deleted file mode 100644 index 05752bd55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_13.png deleted file mode 100644 index 033caffac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_14.png deleted file mode 100644 index 2f0c81c1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_15.png deleted file mode 100644 index 7f2fc3220..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_16.png deleted file mode 100644 index 17d4a30db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_17.png deleted file mode 100644 index d21a8dfc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_18.png deleted file mode 100644 index 3e6f01065..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_19.png deleted file mode 100644 index 173754584..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_20.png deleted file mode 100644 index e78987ebb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character09/0918_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_01.png deleted file mode 100644 index 87fb1781d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_02.png deleted file mode 100644 index dd1ddb879..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_03.png deleted file mode 100644 index 772a6a141..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_04.png deleted file mode 100644 index 125e48b43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_05.png deleted file mode 100644 index 01b832362..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_06.png deleted file mode 100644 index 0d97f1046..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_07.png deleted file mode 100644 index fd601ee45..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_08.png deleted file mode 100644 index 971105b1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_09.png deleted file mode 100644 index 662e34145..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_10.png deleted file mode 100644 index 0c15edf57..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_11.png deleted file mode 100644 index 798d2e795..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_12.png deleted file mode 100644 index 6d4207f6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_13.png deleted file mode 100644 index 0f09224d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_14.png deleted file mode 100644 index b64696bfb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_15.png deleted file mode 100644 index 7ccbfb476..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_16.png deleted file mode 100644 index 7f3973302..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_17.png deleted file mode 100644 index 2c57651a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_18.png deleted file mode 100644 index ace340492..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_19.png deleted file mode 100644 index c1ff4843d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_20.png deleted file mode 100644 index 3daa3eae1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character10/0919_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_01.png deleted file mode 100644 index 50acce408..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_02.png deleted file mode 100644 index 3661e98c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_03.png deleted file mode 100644 index a4cb261a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_04.png deleted file mode 100644 index bab35010e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_05.png deleted file mode 100644 index 86c8dc42c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_06.png deleted file mode 100644 index 11538abbe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_07.png deleted file mode 100644 index 084f5aade..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_08.png deleted file mode 100644 index 5c258168a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_09.png deleted file mode 100644 index 9ef06fce3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_10.png deleted file mode 100644 index b54c12a37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_11.png deleted file mode 100644 index 0dd8cce0b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_12.png deleted file mode 100644 index f91d3edf9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_13.png deleted file mode 100644 index 39abdade8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_14.png deleted file mode 100644 index a8c56fd69..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_15.png deleted file mode 100644 index 273121b8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_16.png deleted file mode 100644 index b70435618..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_17.png deleted file mode 100644 index c092c2d6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_18.png deleted file mode 100644 index 9aa8621d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_19.png deleted file mode 100644 index e4dfe7aa6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_20.png deleted file mode 100644 index 24edc53a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character11/0920_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_01.png deleted file mode 100644 index 3412b37a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_02.png deleted file mode 100644 index 9d1655ae0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_03.png deleted file mode 100644 index ee1008ffa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_04.png deleted file mode 100644 index 28263a152..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_05.png deleted file mode 100644 index f2fd0314e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_06.png deleted file mode 100644 index 99bd1987c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_07.png deleted file mode 100644 index b9f1b7e8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_08.png deleted file mode 100644 index 6d3b5872a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_09.png deleted file mode 100644 index f46b39c5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_10.png deleted file mode 100644 index d374d0d34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_11.png deleted file mode 100644 index 55136b77d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_12.png deleted file mode 100644 index 513a5c052..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_13.png deleted file mode 100644 index abc962cdf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_14.png deleted file mode 100644 index 1794ee380..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_15.png deleted file mode 100644 index 7f871ec9e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_16.png deleted file mode 100644 index 81b872463..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_17.png deleted file mode 100644 index 4c6dfe61a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_18.png deleted file mode 100644 index 27b4ffa83..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_19.png deleted file mode 100644 index 88ee1b399..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_20.png deleted file mode 100644 index e1a0302cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character12/0921_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_01.png deleted file mode 100644 index 815301c41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_02.png deleted file mode 100644 index 3f85140c2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_03.png deleted file mode 100644 index 73b0839cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_04.png deleted file mode 100644 index c6ba138c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_05.png deleted file mode 100644 index e745dd260..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_06.png deleted file mode 100644 index b3c5f018b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_07.png deleted file mode 100644 index 399092e75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_08.png deleted file mode 100644 index a34dd85b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_09.png deleted file mode 100644 index 6c524ca2e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_10.png deleted file mode 100644 index 912a92721..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_11.png deleted file mode 100644 index 9e172a209..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_12.png deleted file mode 100644 index 51a9fcaf5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_13.png deleted file mode 100644 index e4356e953..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_14.png deleted file mode 100644 index c68b235ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_15.png deleted file mode 100644 index 0bc900941..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_16.png deleted file mode 100644 index b83057bd7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_17.png deleted file mode 100644 index ea76cd6cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_18.png deleted file mode 100644 index 8afe45c4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_19.png deleted file mode 100644 index d597ee498..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_20.png deleted file mode 100644 index ec58a77d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character13/0922_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_01.png deleted file mode 100644 index 67c8f79b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_02.png deleted file mode 100644 index dab303067..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_03.png deleted file mode 100644 index c02b7c91f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_04.png deleted file mode 100644 index 59b956de7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_05.png deleted file mode 100644 index a17aecf11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_06.png deleted file mode 100644 index 3635a0caf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_07.png deleted file mode 100644 index e29b85a2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_08.png deleted file mode 100644 index da1544305..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_09.png deleted file mode 100644 index 00798d27e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_10.png deleted file mode 100644 index 92049b864..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_11.png deleted file mode 100644 index 66941e851..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_12.png deleted file mode 100644 index 5aafb4ca8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_13.png deleted file mode 100644 index 9090ae1d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_14.png deleted file mode 100644 index a0ba6ffe0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_15.png deleted file mode 100644 index 5e56f672d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_16.png deleted file mode 100644 index c36e117cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_17.png deleted file mode 100644 index 7b2cdb473..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_18.png deleted file mode 100644 index 3c1a1f82a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_19.png deleted file mode 100644 index b0ca2bc03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_20.png deleted file mode 100644 index 08f2e3148..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character14/0923_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_01.png deleted file mode 100644 index 05854dbcc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_02.png deleted file mode 100644 index 85692cd5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_03.png deleted file mode 100644 index a7326e17f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_04.png deleted file mode 100644 index ecc0e12be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_05.png deleted file mode 100644 index ea4ac29a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_06.png deleted file mode 100644 index e653d157e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_07.png deleted file mode 100644 index ad0607150..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_08.png deleted file mode 100644 index 36e148f08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_09.png deleted file mode 100644 index b9cb92851..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_10.png deleted file mode 100644 index e8309e49f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_11.png deleted file mode 100644 index f9110d85b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_12.png deleted file mode 100644 index f5826ac5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_13.png deleted file mode 100644 index c2cca6ef1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_14.png deleted file mode 100644 index ba6e76098..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_15.png deleted file mode 100644 index a57331d0a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_16.png deleted file mode 100644 index deb2c8a3e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_17.png deleted file mode 100644 index 625b06875..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_18.png deleted file mode 100644 index 4dcbc1179..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_19.png deleted file mode 100644 index b18830579..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_20.png deleted file mode 100644 index 569deff47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character15/0924_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_01.png deleted file mode 100644 index 5c65ec5a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_02.png deleted file mode 100644 index e3bcc5aa1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_03.png deleted file mode 100644 index e3ee13776..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_04.png deleted file mode 100644 index 1bf40b0d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_05.png deleted file mode 100644 index 3c755a8a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_06.png deleted file mode 100644 index e8c3a172e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_07.png deleted file mode 100644 index 6c7e562c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_08.png deleted file mode 100644 index ef394050f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_09.png deleted file mode 100644 index 8a2177b5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_10.png deleted file mode 100644 index 867cfe011..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_11.png deleted file mode 100644 index 653a018c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_12.png deleted file mode 100644 index 612089d59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_13.png deleted file mode 100644 index 6b7245cd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_14.png deleted file mode 100644 index dcc7da4a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_15.png deleted file mode 100644 index f9ecf2f4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_16.png deleted file mode 100644 index 8e669d7d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_17.png deleted file mode 100644 index 26be90fe0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_18.png deleted file mode 100644 index 389ff2a78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_19.png deleted file mode 100644 index d6deb32a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_20.png deleted file mode 100644 index 61ccc2c6b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character16/0925_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_01.png deleted file mode 100644 index 010dd7795..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_02.png deleted file mode 100644 index 7123ae50e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_03.png deleted file mode 100644 index 63ea3d8f6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_04.png deleted file mode 100644 index 0e7dfe05c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_05.png deleted file mode 100644 index 05bc03d53..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_06.png deleted file mode 100644 index 977b81809..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_07.png deleted file mode 100644 index 84aa39763..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_08.png deleted file mode 100644 index efbd5b457..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_09.png deleted file mode 100644 index cd8bd381c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_10.png deleted file mode 100644 index 2c8712856..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_11.png deleted file mode 100644 index 9dd100efd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_12.png deleted file mode 100644 index 06d561fc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_13.png deleted file mode 100644 index a96ecca8d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_14.png deleted file mode 100644 index 1d6a099f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_15.png deleted file mode 100644 index 6f67eec7c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_16.png deleted file mode 100644 index 06a64cb33..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_17.png deleted file mode 100644 index e155acbcf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_18.png deleted file mode 100644 index b3a164933..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_19.png deleted file mode 100644 index 5ed08aec7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_20.png deleted file mode 100644 index 519383f8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character17/0926_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_01.png deleted file mode 100644 index aecd358c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_02.png deleted file mode 100644 index 03778b5be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_03.png deleted file mode 100644 index 71ae031f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_04.png deleted file mode 100644 index 914afc86e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_05.png deleted file mode 100644 index b3773d242..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_06.png deleted file mode 100644 index 55b30ad5f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_07.png deleted file mode 100644 index c6d984827..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_08.png deleted file mode 100644 index e48c303c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_09.png deleted file mode 100644 index f5ea83a64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_10.png deleted file mode 100644 index 38db0d86c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_11.png deleted file mode 100644 index ce298afb5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_12.png deleted file mode 100644 index dd598771a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_13.png deleted file mode 100644 index b9a1763cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_14.png deleted file mode 100644 index fd0a0a28e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_15.png deleted file mode 100644 index 4c690f5bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_16.png deleted file mode 100644 index 0eb7de6b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_17.png deleted file mode 100644 index c244e6423..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_18.png deleted file mode 100644 index 132bf6126..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_19.png deleted file mode 100644 index 863cdf5e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_20.png deleted file mode 100644 index b823e6825..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character18/0927_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_01.png deleted file mode 100644 index ace47528e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_02.png deleted file mode 100644 index 894e214d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_03.png deleted file mode 100644 index 6871d40d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_04.png deleted file mode 100644 index ce6cda8c0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_05.png deleted file mode 100644 index 95c96ac8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_06.png deleted file mode 100644 index f481f0e85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_07.png deleted file mode 100644 index 7556f08fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_08.png deleted file mode 100644 index a2a9868ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_09.png deleted file mode 100644 index 44b231d4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_10.png deleted file mode 100644 index b6cf1842a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_11.png deleted file mode 100644 index a9e4ebe7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_12.png deleted file mode 100644 index 204eb0eb5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_13.png deleted file mode 100644 index 12acb0f8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_14.png deleted file mode 100644 index 00e8fd5be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_15.png deleted file mode 100644 index 2d20efde9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_16.png deleted file mode 100644 index 75d921ea7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_17.png deleted file mode 100644 index cd4acd2ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_18.png deleted file mode 100644 index c0bae2c28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_19.png deleted file mode 100644 index 68cc06532..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_20.png deleted file mode 100644 index 221543a07..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character19/0928_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_01.png deleted file mode 100644 index 996379e34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_02.png deleted file mode 100644 index f83cfed55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_03.png deleted file mode 100644 index ea1b0d09a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_04.png deleted file mode 100644 index 84c962609..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_05.png deleted file mode 100644 index 2dac197d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_06.png deleted file mode 100644 index 325afb7b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_07.png deleted file mode 100644 index 8ebaf557b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_08.png deleted file mode 100644 index 53f37f3dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_09.png deleted file mode 100644 index 50ff64d3a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_10.png deleted file mode 100644 index 1300b8a76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_11.png deleted file mode 100644 index b265fb26c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_12.png deleted file mode 100644 index b2e96bf8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_13.png deleted file mode 100644 index 5c4f23de8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_14.png deleted file mode 100644 index c3c7fb902..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_15.png deleted file mode 100644 index 4ebe9584b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_16.png deleted file mode 100644 index 6099e08fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_17.png deleted file mode 100644 index 03d47342d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_18.png deleted file mode 100644 index 5e245ff28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_19.png deleted file mode 100644 index b3a7217e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_20.png deleted file mode 100644 index 55e65f804..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character20/0929_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_01.png deleted file mode 100644 index 0751185d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_02.png deleted file mode 100644 index 96f021499..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_03.png deleted file mode 100644 index 56f57309c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_04.png deleted file mode 100644 index 1284e49a0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_05.png deleted file mode 100644 index b66b6c598..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_06.png deleted file mode 100644 index 89bbc6b48..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_07.png deleted file mode 100644 index df157145e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_08.png deleted file mode 100644 index 2e1f85b68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_09.png deleted file mode 100644 index b2bf9966e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_10.png deleted file mode 100644 index cd0161958..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_11.png deleted file mode 100644 index 099e23dfc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_12.png deleted file mode 100644 index dfdfb8bc8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_13.png deleted file mode 100644 index be05466d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_14.png deleted file mode 100644 index d8e1d7965..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_15.png deleted file mode 100644 index 885676d9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_16.png deleted file mode 100644 index 7d3b883eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_17.png deleted file mode 100644 index 400467d65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_18.png deleted file mode 100644 index 94380d725..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_19.png deleted file mode 100644 index 74298597d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_20.png deleted file mode 100644 index 3c695665c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character21/0930_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_01.png deleted file mode 100644 index e469b0078..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_02.png deleted file mode 100644 index eac9881cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_03.png deleted file mode 100644 index 30caf334f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_04.png deleted file mode 100644 index 2efc76c2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_05.png deleted file mode 100644 index 5d551c5a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_06.png deleted file mode 100644 index e5239764b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_07.png deleted file mode 100644 index 0a5cf9f93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_08.png deleted file mode 100644 index fe884116b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_09.png deleted file mode 100644 index 20ec89e8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_10.png deleted file mode 100644 index cf7fe9f4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_11.png deleted file mode 100644 index 30cf6f9d4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_12.png deleted file mode 100644 index 81b010080..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_13.png deleted file mode 100644 index 3f726e6ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_14.png deleted file mode 100644 index 508a175fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_15.png deleted file mode 100644 index 4e4d54521..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_16.png deleted file mode 100644 index d44161c76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_17.png deleted file mode 100644 index ba2530c40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_18.png deleted file mode 100644 index 00105f25c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_19.png deleted file mode 100644 index 23ef5bab9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_20.png deleted file mode 100644 index ba40eea05..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character22/0931_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_01.png deleted file mode 100644 index d127f0694..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_02.png deleted file mode 100644 index 5d20bf06b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_03.png deleted file mode 100644 index b93fd7fb8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_04.png deleted file mode 100644 index 520ed1c5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_05.png deleted file mode 100644 index 09dfccc8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_06.png deleted file mode 100644 index 488b8a5d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_07.png deleted file mode 100644 index ae9782ab9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_08.png deleted file mode 100644 index f8653bcad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_09.png deleted file mode 100644 index 63b82bed7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_10.png deleted file mode 100644 index 857bf7a40..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_11.png deleted file mode 100644 index 4955dc8bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_12.png deleted file mode 100644 index 046c515c6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_13.png deleted file mode 100644 index 2c4cac528..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_14.png deleted file mode 100644 index 961a5fb28..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_15.png deleted file mode 100644 index 7fecd93ad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_16.png deleted file mode 100644 index 0703f10b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_17.png deleted file mode 100644 index 1035c762a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_18.png deleted file mode 100644 index c6ed582ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_19.png deleted file mode 100644 index 096e0af8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_20.png deleted file mode 100644 index 93114418e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character23/0932_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_01.png deleted file mode 100644 index 092bbc9ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_02.png deleted file mode 100644 index 755aa83c3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_03.png deleted file mode 100644 index 03da8b8c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_04.png deleted file mode 100644 index a6a727d1d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_05.png deleted file mode 100644 index b3231a811..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_06.png deleted file mode 100644 index 85f5a7937..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_07.png deleted file mode 100644 index 46d1cb51b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_08.png deleted file mode 100644 index 966d411ec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_09.png deleted file mode 100644 index 8ae8fc92d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_10.png deleted file mode 100644 index 6ec260be4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_11.png deleted file mode 100644 index 7562f76d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_12.png deleted file mode 100644 index 0da242923..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_13.png deleted file mode 100644 index c2f8cd0a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_14.png deleted file mode 100644 index 4d0e05a2d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_15.png deleted file mode 100644 index c2ded8081..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_16.png deleted file mode 100644 index ae5a9640c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_17.png deleted file mode 100644 index 6fdcea65e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_18.png deleted file mode 100644 index a169fa313..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_19.png deleted file mode 100644 index 5dcc852cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_20.png deleted file mode 100644 index a58de3ab9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character24/0933_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_01.png deleted file mode 100644 index 809bee9e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_02.png deleted file mode 100644 index 411b3badf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_03.png deleted file mode 100644 index 052110ee4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_04.png deleted file mode 100644 index 5ae8b8d0e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_05.png deleted file mode 100644 index b243f8796..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_06.png deleted file mode 100644 index 2d657d03a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_07.png deleted file mode 100644 index b406608a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_08.png deleted file mode 100644 index 3dfba67bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_09.png deleted file mode 100644 index 7dbf8f8a9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_10.png deleted file mode 100644 index ca3841263..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_11.png deleted file mode 100644 index deb4e5aad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_12.png deleted file mode 100644 index 7e33c5426..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_13.png deleted file mode 100644 index ec55efea4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_14.png deleted file mode 100644 index 0171c82ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_15.png deleted file mode 100644 index bf2568971..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_16.png deleted file mode 100644 index 30fc562ce..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_17.png deleted file mode 100644 index cd740b2b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_18.png deleted file mode 100644 index cf1b95b63..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_19.png deleted file mode 100644 index 9e8ef698c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_20.png deleted file mode 100644 index 16eb5cabd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character25/0934_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_01.png deleted file mode 100644 index 727ace19e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_02.png deleted file mode 100644 index c14584d36..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_03.png deleted file mode 100644 index 54e547783..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_04.png deleted file mode 100644 index fb9d7bf68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_05.png deleted file mode 100644 index 4a99acbe7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_06.png deleted file mode 100644 index d50de9c3d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_07.png deleted file mode 100644 index 5d79f2894..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_08.png deleted file mode 100644 index 58b757cb7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_09.png deleted file mode 100644 index ce12c193e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_10.png deleted file mode 100644 index 01cbbd219..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_11.png deleted file mode 100644 index 254d8d1b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_12.png deleted file mode 100644 index cdcddd2b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_13.png deleted file mode 100644 index 0358466be..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_14.png deleted file mode 100644 index 0171fdc10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_15.png deleted file mode 100644 index c4a217948..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_16.png deleted file mode 100644 index 1043e1043..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_17.png deleted file mode 100644 index 4bb09f13f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_18.png deleted file mode 100644 index 9c7629f86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_19.png deleted file mode 100644 index 65eebca2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_20.png deleted file mode 100644 index c81112d66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character26/0935_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_01.png deleted file mode 100644 index 48f5763d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_02.png deleted file mode 100644 index 8add4420c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_03.png deleted file mode 100644 index 7a0f87119..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_04.png deleted file mode 100644 index 17ab06287..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_05.png deleted file mode 100644 index 9c1151a6f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_06.png deleted file mode 100644 index 98a3f61e8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_07.png deleted file mode 100644 index bac90018d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_08.png deleted file mode 100644 index a2e58a36f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_09.png deleted file mode 100644 index a39078385..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_10.png deleted file mode 100644 index 12911f93b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_11.png deleted file mode 100644 index 284b8099d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_12.png deleted file mode 100644 index 1e83dd389..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_13.png deleted file mode 100644 index 4d4a77b1e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_14.png deleted file mode 100644 index 15bd02591..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_15.png deleted file mode 100644 index 4b8149cb6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_16.png deleted file mode 100644 index 6dca507d2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_17.png deleted file mode 100644 index 3beadefb3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_18.png deleted file mode 100644 index 2bd6ccde8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_19.png deleted file mode 100644 index 5e83d769f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_20.png deleted file mode 100644 index 0eb78c6b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character27/0936_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_01.png deleted file mode 100644 index eb0d4afad..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_02.png deleted file mode 100644 index 97db98cf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_03.png deleted file mode 100644 index 80449ee8a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_04.png deleted file mode 100644 index 8bb252abc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_05.png deleted file mode 100644 index b8fb21707..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_06.png deleted file mode 100644 index 38cf20665..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_07.png deleted file mode 100644 index b96c6a0d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_08.png deleted file mode 100644 index f52eabd1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_09.png deleted file mode 100644 index 709d5264d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_10.png deleted file mode 100644 index b21359762..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_11.png deleted file mode 100644 index 7ee34a31d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_12.png deleted file mode 100644 index 3ce2e56fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_13.png deleted file mode 100644 index 048051dea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_14.png deleted file mode 100644 index 42bd19c88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_15.png deleted file mode 100644 index 9c9b81770..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_16.png deleted file mode 100644 index baa284b56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_17.png deleted file mode 100644 index e6eecc0a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_18.png deleted file mode 100644 index b4d95fb90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_19.png deleted file mode 100644 index f03098ef9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_20.png deleted file mode 100644 index d146e2e72..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character28/0937_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_01.png deleted file mode 100644 index c0ba6fca4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_02.png deleted file mode 100644 index a3768f480..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_03.png deleted file mode 100644 index 4bb3dae03..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_04.png deleted file mode 100644 index 2e17bc1d9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_05.png deleted file mode 100644 index 5bec4337f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_06.png deleted file mode 100644 index f0d711ea2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_07.png deleted file mode 100644 index 79b681e91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_08.png deleted file mode 100644 index 3eac038ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_09.png deleted file mode 100644 index 6a643c6a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_10.png deleted file mode 100644 index 6ac574b93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_11.png deleted file mode 100644 index d7c74529c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_12.png deleted file mode 100644 index 702086de3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_13.png deleted file mode 100644 index adc709309..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_14.png deleted file mode 100644 index 8915a4fb8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_15.png deleted file mode 100644 index 38f818c10..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_16.png deleted file mode 100644 index 464e6596c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_17.png deleted file mode 100644 index 1baa3d848..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_18.png deleted file mode 100644 index 3305b935e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_19.png deleted file mode 100644 index ecfe06676..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_20.png deleted file mode 100644 index ef9926f78..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character29/0938_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_01.png deleted file mode 100644 index 9ef05add9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_02.png deleted file mode 100644 index 1538b80ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_03.png deleted file mode 100644 index 409fcad7e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_04.png deleted file mode 100644 index 5324c70ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_05.png deleted file mode 100644 index e9f563c86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_06.png deleted file mode 100644 index 2e882103a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_07.png deleted file mode 100644 index c2ca96996..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_08.png deleted file mode 100644 index f9717985b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_09.png deleted file mode 100644 index 53e0e96e5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_10.png deleted file mode 100644 index a40966f24..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_11.png deleted file mode 100644 index fb31f1e90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_12.png deleted file mode 100644 index ccc8f6010..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_13.png deleted file mode 100644 index 8352a2a8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_14.png deleted file mode 100644 index 323765b2b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_15.png deleted file mode 100644 index 7e554041b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_16.png deleted file mode 100644 index 08e767acd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_17.png deleted file mode 100644 index d930e5a9c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_18.png deleted file mode 100644 index 8f0374a76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_19.png deleted file mode 100644 index 59eb8c726..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_20.png deleted file mode 100644 index 651176b59..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character30/0939_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_01.png deleted file mode 100644 index cb7028d26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_02.png deleted file mode 100644 index b0101fba8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_03.png deleted file mode 100644 index 40a280bf7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_04.png deleted file mode 100644 index abcdc471a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_05.png deleted file mode 100644 index 0d0ff97d6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_06.png deleted file mode 100644 index 8f9be8fcf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_07.png deleted file mode 100644 index 9dd2c5dd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_08.png deleted file mode 100644 index e90de73d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_09.png deleted file mode 100644 index 301666d9f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_10.png deleted file mode 100644 index 0d3575d60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_11.png deleted file mode 100644 index bbb8237e3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_12.png deleted file mode 100644 index 206877c70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_13.png deleted file mode 100644 index 1e92b88b2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_14.png deleted file mode 100644 index 775e481dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_15.png deleted file mode 100644 index 4ab461990..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_16.png deleted file mode 100644 index 7e3e4a1ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_17.png deleted file mode 100644 index 0484977df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_18.png deleted file mode 100644 index 0add89504..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_19.png deleted file mode 100644 index b0e7aa1fe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_20.png deleted file mode 100644 index db1640c4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character31/0940_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_01.png deleted file mode 100644 index ff35e09dc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_02.png deleted file mode 100644 index ce1185125..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_03.png deleted file mode 100644 index 07fc498a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_04.png deleted file mode 100644 index e1c58d138..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_05.png deleted file mode 100644 index 8968807da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_06.png deleted file mode 100644 index c47df79a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_07.png deleted file mode 100644 index ec574c57e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_08.png deleted file mode 100644 index 259a21fa9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_09.png deleted file mode 100644 index b7311dda1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_10.png deleted file mode 100644 index 95703e4da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_11.png deleted file mode 100644 index 0483d63ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_12.png deleted file mode 100644 index 422fa594a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_13.png deleted file mode 100644 index b751aabff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_14.png deleted file mode 100644 index f51c35e4f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_15.png deleted file mode 100644 index 73d5d66c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_16.png deleted file mode 100644 index 89244e894..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_17.png deleted file mode 100644 index 4de8b538d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_18.png deleted file mode 100644 index c5ccb884a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_19.png deleted file mode 100644 index 1c524b5a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_20.png deleted file mode 100644 index c5ecdea34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character32/0941_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_01.png deleted file mode 100644 index 7a274a5b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_02.png deleted file mode 100644 index 75e47f9f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_03.png deleted file mode 100644 index 5acff5119..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_04.png deleted file mode 100644 index 76c688676..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_05.png deleted file mode 100644 index b2bcd1eec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_06.png deleted file mode 100644 index 4e0590f30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_07.png deleted file mode 100644 index 5395fba96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_08.png deleted file mode 100644 index 6c3e0aa49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_09.png deleted file mode 100644 index bdcd4c268..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_10.png deleted file mode 100644 index 90e351374..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_11.png deleted file mode 100644 index 6f6c56818..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_12.png deleted file mode 100644 index c798540c7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_13.png deleted file mode 100644 index e6d5eb717..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_14.png deleted file mode 100644 index 4936a3e95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_15.png deleted file mode 100644 index ba3335deb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_16.png deleted file mode 100644 index 24cd06e42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_17.png deleted file mode 100644 index d06bbe0a2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_18.png deleted file mode 100644 index c4e52ad3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_19.png deleted file mode 100644 index d00485f08..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_20.png deleted file mode 100644 index 3d53ef5df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character33/0942_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_01.png deleted file mode 100644 index 4b68cf7cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_02.png deleted file mode 100644 index 887b027c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_03.png deleted file mode 100644 index edef7d31a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_04.png deleted file mode 100644 index 78aa5fba4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_05.png deleted file mode 100644 index 80f025030..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_06.png deleted file mode 100644 index b062bceba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_07.png deleted file mode 100644 index 9a51a5349..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_08.png deleted file mode 100644 index e454e0b89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_09.png deleted file mode 100644 index a151784b0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_10.png deleted file mode 100644 index d90812617..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_11.png deleted file mode 100644 index fee2a9c55..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_12.png deleted file mode 100644 index 5de5c99ef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_13.png deleted file mode 100644 index cc930d695..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_14.png deleted file mode 100644 index 4a1c6421d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_15.png deleted file mode 100644 index b9a0efa58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_16.png deleted file mode 100644 index 76ca4e93c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_17.png deleted file mode 100644 index 9accd8561..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_18.png deleted file mode 100644 index 9d5568041..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_19.png deleted file mode 100644 index a8d810e7f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_20.png deleted file mode 100644 index 7ea4ddcf1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character34/0943_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_01.png deleted file mode 100644 index 8833f5ef5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_02.png deleted file mode 100644 index e61f164a5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_03.png deleted file mode 100644 index 38cb2b8c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_04.png deleted file mode 100644 index 368045c97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_05.png deleted file mode 100644 index f262ee513..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_06.png deleted file mode 100644 index 18fbea1a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_07.png deleted file mode 100644 index 94144fb8e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_08.png deleted file mode 100644 index 45acfc559..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_09.png deleted file mode 100644 index 11acb62c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_10.png deleted file mode 100644 index ffa023e25..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_11.png deleted file mode 100644 index af4550c7a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_12.png deleted file mode 100644 index a10411c1b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_13.png deleted file mode 100644 index a78144e7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_14.png deleted file mode 100644 index 4f9087a60..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_15.png deleted file mode 100644 index 695c9981e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_16.png deleted file mode 100644 index 5885ed735..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_17.png deleted file mode 100644 index 6b776ce94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_18.png deleted file mode 100644 index f9ef9543c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_19.png deleted file mode 100644 index 182627398..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_20.png deleted file mode 100644 index 3363f936d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character35/0944_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_01.png deleted file mode 100644 index 71257916d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_02.png deleted file mode 100644 index 27cb95411..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_03.png deleted file mode 100644 index 0805da560..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_04.png deleted file mode 100644 index 81046ff00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_05.png deleted file mode 100644 index 140c5fe87..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_06.png deleted file mode 100644 index 4d0c15dac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_07.png deleted file mode 100644 index 83ee9af19..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_08.png deleted file mode 100644 index 249b9f98c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_09.png deleted file mode 100644 index 62b668718..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_10.png deleted file mode 100644 index 646a8f3f9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_11.png deleted file mode 100644 index 965f18d11..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_12.png deleted file mode 100644 index d3f839793..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_13.png deleted file mode 100644 index 94b782bcc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_14.png deleted file mode 100644 index 74f7362cb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_15.png deleted file mode 100644 index f27aa2740..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_16.png deleted file mode 100644 index f29b34ea3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_17.png deleted file mode 100644 index b468f3dfa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_18.png deleted file mode 100644 index 3d1ef9b5b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_19.png deleted file mode 100644 index f48c86b01..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_20.png deleted file mode 100644 index 471d5b8b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character36/0945_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_01.png deleted file mode 100644 index 071b953fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_02.png deleted file mode 100644 index e2655ee2f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_03.png deleted file mode 100644 index 68952d10d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_04.png deleted file mode 100644 index 0e11e6678..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_05.png deleted file mode 100644 index 16b155bef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_06.png deleted file mode 100644 index 1ed0d3301..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_07.png deleted file mode 100644 index 52aaaf36d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_08.png deleted file mode 100644 index 8660a9cc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_09.png deleted file mode 100644 index fbcc338b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_10.png deleted file mode 100644 index 319453b90..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_11.png deleted file mode 100644 index dbe4f131c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_12.png deleted file mode 100644 index ffe5dd07b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_13.png deleted file mode 100644 index 80c4c44fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_14.png deleted file mode 100644 index 1bc197be1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_15.png deleted file mode 100644 index 64fe65824..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_16.png deleted file mode 100644 index 223c8531b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_17.png deleted file mode 100644 index 07c2aa0dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_18.png deleted file mode 100644 index 10c9ed72f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_19.png deleted file mode 100644 index d02fe0ede..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_20.png deleted file mode 100644 index 7f59d2a65..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character37/0946_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_01.png deleted file mode 100644 index 2b75f6a6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_02.png deleted file mode 100644 index 1389f12e9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_03.png deleted file mode 100644 index 0c003d8da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_04.png deleted file mode 100644 index 6cbdd1d32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_05.png deleted file mode 100644 index 70cdb0668..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_06.png deleted file mode 100644 index da43d4a93..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_07.png deleted file mode 100644 index e7398953e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_08.png deleted file mode 100644 index eb5fa5a31..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_09.png deleted file mode 100644 index 24b6f97a6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_10.png deleted file mode 100644 index b2e28c04c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_11.png deleted file mode 100644 index 9056b68ac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_12.png deleted file mode 100644 index ffc500479..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_13.png deleted file mode 100644 index 3fa6c2678..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_14.png deleted file mode 100644 index 9105504d5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_15.png deleted file mode 100644 index d909cf0f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_16.png deleted file mode 100644 index 1de61959a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_17.png deleted file mode 100644 index 7f91d7c58..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_18.png deleted file mode 100644 index a6428ce97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_19.png deleted file mode 100644 index 19451b6ff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_20.png deleted file mode 100644 index 59b2d2625..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character38/0947_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_01.png deleted file mode 100644 index db3312911..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_02.png deleted file mode 100644 index 808244e47..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_03.png deleted file mode 100644 index dc8c6a75d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_04.png deleted file mode 100644 index b33d5ffc6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_05.png deleted file mode 100644 index 351273055..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_06.png deleted file mode 100644 index 0add043b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_07.png deleted file mode 100644 index b0a613747..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_08.png deleted file mode 100644 index 1a1dba763..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_09.png deleted file mode 100644 index d1fa85ed0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_10.png deleted file mode 100644 index b6e1a0f32..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_11.png deleted file mode 100644 index d84a9c74e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_12.png deleted file mode 100644 index 0d0b66cc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_13.png deleted file mode 100644 index ce4a0ce97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_14.png deleted file mode 100644 index 8cb858f3c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_15.png deleted file mode 100644 index 6b94439fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_16.png deleted file mode 100644 index 6c4827291..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_17.png deleted file mode 100644 index 09bc68498..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_18.png deleted file mode 100644 index daa6d65a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_19.png deleted file mode 100644 index d6ab3e690..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_20.png deleted file mode 100644 index 9d32caf06..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character39/0948_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_01.png deleted file mode 100644 index 8b2a499ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_02.png deleted file mode 100644 index e604a744c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_03.png deleted file mode 100644 index 667442244..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_04.png deleted file mode 100644 index 2e36ddd4a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_05.png deleted file mode 100644 index 5ad67cccc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_06.png deleted file mode 100644 index 1a64ca793..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_07.png deleted file mode 100644 index 29095b043..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_08.png deleted file mode 100644 index 586aff2f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_09.png deleted file mode 100644 index 82d7508a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_10.png deleted file mode 100644 index 23e8f9a70..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_11.png deleted file mode 100644 index ac57ef8a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_12.png deleted file mode 100644 index 3327ae0ab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_13.png deleted file mode 100644 index 8faf6cad7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_14.png deleted file mode 100644 index d2b498bac..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_15.png deleted file mode 100644 index fb3843bd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_16.png deleted file mode 100644 index 7fb5c2f64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_17.png deleted file mode 100644 index 7ac0ce229..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_18.png deleted file mode 100644 index 3738bd884..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_19.png deleted file mode 100644 index 27e74501a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_20.png deleted file mode 100644 index d02421290..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character40/0949_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_01.png deleted file mode 100644 index f152e459e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_02.png deleted file mode 100644 index 0a455be37..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_03.png deleted file mode 100644 index aeb798d68..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_04.png deleted file mode 100644 index 1715b9ea9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_05.png deleted file mode 100644 index cd7e9a338..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_06.png deleted file mode 100644 index 97a1523b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_07.png deleted file mode 100644 index 1d3594d86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_08.png deleted file mode 100644 index a29762d20..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_09.png deleted file mode 100644 index 9f6af0d6c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_10.png deleted file mode 100644 index c83acbffb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_11.png deleted file mode 100644 index 2d88a1854..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_12.png deleted file mode 100644 index 259c2e0d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_13.png deleted file mode 100644 index 678f1c5bc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_14.png deleted file mode 100644 index 3b8ccb0fc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_15.png deleted file mode 100644 index 9809a38aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_16.png deleted file mode 100644 index 3d745abc1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_17.png deleted file mode 100644 index d7d987f9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_18.png deleted file mode 100644 index 78f3a5418..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_19.png deleted file mode 100644 index f60473ae5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_20.png deleted file mode 100644 index d1fbbcac6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character41/0950_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_01.png deleted file mode 100644 index 613914603..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_02.png deleted file mode 100644 index 6faa1b8a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_03.png deleted file mode 100644 index 8e58ab7a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_04.png deleted file mode 100644 index a08722002..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_05.png deleted file mode 100644 index ac3a5a35e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_06.png deleted file mode 100644 index e24f6393c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_07.png deleted file mode 100644 index 1a0d36b42..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_08.png deleted file mode 100644 index 900fbf116..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_09.png deleted file mode 100644 index 78a9ee2a7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_10.png deleted file mode 100644 index 813ffd815..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_11.png deleted file mode 100644 index 892ba5076..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_12.png deleted file mode 100644 index 885d3aa26..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_13.png deleted file mode 100644 index 1655da707..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_14.png deleted file mode 100644 index ef85a77ca..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_15.png deleted file mode 100644 index 2adf06b1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_16.png deleted file mode 100644 index ec7b87a85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_17.png deleted file mode 100644 index 2a7b33e49..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_18.png deleted file mode 100644 index 601df0466..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_19.png deleted file mode 100644 index d141e81f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_20.png deleted file mode 100644 index fa216e7cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character42/0951_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_01.png deleted file mode 100644 index 3ee958602..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_02.png deleted file mode 100644 index 76119d716..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_03.png deleted file mode 100644 index 41bbb8ca1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_04.png deleted file mode 100644 index 666680535..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_05.png deleted file mode 100644 index 7ca8adb6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_06.png deleted file mode 100644 index 9f0520345..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_07.png deleted file mode 100644 index a8373bc82..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_08.png deleted file mode 100644 index a077f3f9a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_09.png deleted file mode 100644 index 9c807e169..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_10.png deleted file mode 100644 index 0f9504585..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_11.png deleted file mode 100644 index 8cfa73ad3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_12.png deleted file mode 100644 index cf008c2cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_13.png deleted file mode 100644 index 6140ab83d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_14.png deleted file mode 100644 index 558d72b6d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_15.png deleted file mode 100644 index 5446fba96..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_16.png deleted file mode 100644 index dee39051f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_17.png deleted file mode 100644 index 042711e5a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_18.png deleted file mode 100644 index def4361a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_19.png deleted file mode 100644 index 725905f34..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_20.png deleted file mode 100644 index 104934776..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character43/0952_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_01.png deleted file mode 100644 index 8388839f3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_02.png deleted file mode 100644 index 74dbccd89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_03.png deleted file mode 100644 index a94d96812..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_04.png deleted file mode 100644 index a3d0b5694..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_05.png deleted file mode 100644 index c24049e51..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_06.png deleted file mode 100644 index 496170931..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_07.png deleted file mode 100644 index a066465e1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_08.png deleted file mode 100644 index dcd17cd4c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_09.png deleted file mode 100644 index de1fdfc1a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_10.png deleted file mode 100644 index e3f77488c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_11.png deleted file mode 100644 index 22c783ee3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_12.png deleted file mode 100644 index 0ef031310..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_13.png deleted file mode 100644 index 51e4316fb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_14.png deleted file mode 100644 index f93e8d02e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_15.png deleted file mode 100644 index 7782420df..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_16.png deleted file mode 100644 index b6bfa57c8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_17.png deleted file mode 100644 index 784f7f465..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_18.png deleted file mode 100644 index 8e0f0f32d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_19.png deleted file mode 100644 index 402adff9b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_20.png deleted file mode 100644 index 310a2acd6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character44/0953_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_01.png deleted file mode 100644 index 10099db8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_02.png deleted file mode 100644 index bff0bc0a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_03.png deleted file mode 100644 index a55fd36b8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_04.png deleted file mode 100644 index a41ac1646..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_05.png deleted file mode 100644 index 8fa450645..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_06.png deleted file mode 100644 index 70979919e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_07.png deleted file mode 100644 index 9ba004b75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_08.png deleted file mode 100644 index c983b1f54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_09.png deleted file mode 100644 index 85274ca1f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_10.png deleted file mode 100644 index d13be82da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_11.png deleted file mode 100644 index 3b9a41082..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_12.png deleted file mode 100644 index b7828ecf6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_13.png deleted file mode 100644 index e7e2c41e2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_14.png deleted file mode 100644 index b425f396b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_15.png deleted file mode 100644 index d2528871f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_16.png deleted file mode 100644 index b37086bec..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_17.png deleted file mode 100644 index d546b6594..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_18.png deleted file mode 100644 index b06bc8073..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_19.png deleted file mode 100644 index c01fbb003..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_20.png deleted file mode 100644 index fe7290bf5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character45/0954_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_01.png deleted file mode 100644 index 70df41048..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_02.png deleted file mode 100644 index df0b81ce4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_03.png deleted file mode 100644 index b34c0a32a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_04.png deleted file mode 100644 index 061d80e3b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_05.png deleted file mode 100644 index 3f72aee95..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_06.png deleted file mode 100644 index b6e6650ba..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_07.png deleted file mode 100644 index a6c9770cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_08.png deleted file mode 100644 index 96379290b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_09.png deleted file mode 100644 index 18c3be158..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_10.png deleted file mode 100644 index 3746cbb4e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_11.png deleted file mode 100644 index 811b22e54..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_12.png deleted file mode 100644 index 9e8f0c63d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_13.png deleted file mode 100644 index 352bfdfae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_14.png deleted file mode 100644 index 7f6e796b9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_15.png deleted file mode 100644 index e1b85af29..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_16.png deleted file mode 100644 index 6cbb4bb56..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_17.png deleted file mode 100644 index 79a25153e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_18.png deleted file mode 100644 index 2f51340a8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_19.png deleted file mode 100644 index ceac11b91..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_20.png deleted file mode 100644 index 35ac2a9bf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character46/0955_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_01.png deleted file mode 100644 index ae85b4ebe..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_02.png deleted file mode 100644 index 2df3b107d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_03.png deleted file mode 100644 index 20439335a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_04.png deleted file mode 100644 index 05045f7dd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_05.png deleted file mode 100644 index e00f64738..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_06.png deleted file mode 100644 index e50038183..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_07.png deleted file mode 100644 index 1fce9a52d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_08.png deleted file mode 100644 index 757b76790..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_09.png deleted file mode 100644 index f503accf2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_10.png deleted file mode 100644 index e4cfc5404..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_11.png deleted file mode 100644 index ddae26425..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_12.png deleted file mode 100644 index 999018abd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_13.png deleted file mode 100644 index 232bc0c8c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_14.png deleted file mode 100644 index f3676caf0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_15.png deleted file mode 100644 index 95a8b1594..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_16.png deleted file mode 100644 index caa459983..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_17.png deleted file mode 100644 index e95601b00..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_18.png deleted file mode 100644 index 7ff7cef88..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_19.png deleted file mode 100644 index 5cacb23fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_20.png deleted file mode 100644 index edd0dd7b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character47/0956_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_01.png deleted file mode 100644 index 8da1289b7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_02.png deleted file mode 100644 index 63a60c38a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_03.png deleted file mode 100644 index 54f43933f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_04.png deleted file mode 100644 index 3f9af3308..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_05.png deleted file mode 100644 index 9e2670e8b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_06.png deleted file mode 100644 index 554042834..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_07.png deleted file mode 100644 index 0a7180390..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_08.png deleted file mode 100644 index f3959d569..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_09.png deleted file mode 100644 index 135b89b13..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_10.png deleted file mode 100644 index a3e5dbc66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_11.png deleted file mode 100644 index be57dc8f4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_12.png deleted file mode 100644 index 04836c2f0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_13.png deleted file mode 100644 index acd436ec6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_14.png deleted file mode 100644 index 7f57c93bd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_15.png deleted file mode 100644 index c953418cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_16.png deleted file mode 100644 index e7cec3734..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_17.png deleted file mode 100644 index 91b7dcbd9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_18.png deleted file mode 100644 index 6f2c2ef5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_19.png deleted file mode 100644 index 56353fdc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_20.png deleted file mode 100644 index b5f99dcf7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character48/0957_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_01.png deleted file mode 100644 index 2915e258a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_02.png deleted file mode 100644 index b49e7b84b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_03.png deleted file mode 100644 index c121122b4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_04.png deleted file mode 100644 index da2db3be4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_05.png deleted file mode 100644 index 9b7b4afe6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_06.png deleted file mode 100644 index e48774b6a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_07.png deleted file mode 100644 index 29b80d939..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_08.png deleted file mode 100644 index 4a42ba7c4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_09.png deleted file mode 100644 index 1838f3bb5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_10.png deleted file mode 100644 index 411c827a1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_11.png deleted file mode 100644 index 8954fe102..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_12.png deleted file mode 100644 index 187325375..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_13.png deleted file mode 100644 index 1c7320473..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_14.png deleted file mode 100644 index 30190e0d3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_15.png deleted file mode 100644 index e3baa94eb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_16.png deleted file mode 100644 index c62a69910..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_17.png deleted file mode 100644 index 97ad2540c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_18.png deleted file mode 100644 index ba1fb12e6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_19.png deleted file mode 100644 index 99986d9d1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_20.png deleted file mode 100644 index 9848c4262..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character49/0958_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_01.png deleted file mode 100644 index 680075e76..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_02.png deleted file mode 100644 index 148eaecf1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_03.png deleted file mode 100644 index d17417253..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_04.png deleted file mode 100644 index 58e2b3d2a..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_05.png deleted file mode 100644 index 040f71c18..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_06.png deleted file mode 100644 index 0dd537fab..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_07.png deleted file mode 100644 index 77d4305fd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_08.png deleted file mode 100644 index 1d73a889d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_09.png deleted file mode 100644 index 5d7285ee4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_10.png deleted file mode 100644 index fc14d9cc8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_11.png deleted file mode 100644 index a259bfdc5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_12.png deleted file mode 100644 index b6488ce97..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_13.png deleted file mode 100644 index bf4ac9f75..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_14.png deleted file mode 100644 index d6b56fa94..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_15.png deleted file mode 100644 index cf20d2f30..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_16.png deleted file mode 100644 index 9db9b60db..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_17.png deleted file mode 100644 index 019d81587..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_18.png deleted file mode 100644 index b32f8fb89..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_19.png deleted file mode 100644 index cb9387c77..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_20.png deleted file mode 100644 index c9833d016..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character50/0959_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_01.png deleted file mode 100644 index 5116b796c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_02.png deleted file mode 100644 index 087495da1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_03.png deleted file mode 100644 index 9d4f7b8f8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_04.png deleted file mode 100644 index b93b189fa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_05.png deleted file mode 100644 index 9c857f833..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_06.png deleted file mode 100644 index 079c5f522..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_07.png deleted file mode 100644 index d15595e64..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_08.png deleted file mode 100644 index 1d6728da2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_09.png deleted file mode 100644 index d5143f4b5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_10.png deleted file mode 100644 index c68e4e9aa..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_11.png deleted file mode 100644 index e44970ec8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_12.png deleted file mode 100644 index 75a78cb61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_13.png deleted file mode 100644 index 927c49ab3..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_14.png deleted file mode 100644 index 2a0acc71d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_15.png deleted file mode 100644 index a432c5e39..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_16.png deleted file mode 100644 index b2c23cc85..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_17.png deleted file mode 100644 index 01914b55f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_18.png deleted file mode 100644 index 21a5f2794..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_19.png deleted file mode 100644 index 6e326208c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_20.png deleted file mode 100644 index 1b6aa5350..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character51/0960_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_01.png deleted file mode 100644 index a11033e7d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_02.png deleted file mode 100644 index 43fb38edf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_03.png deleted file mode 100644 index f2a261f46..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_04.png deleted file mode 100644 index abafb1cae..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_05.png deleted file mode 100644 index b99197664..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_06.png deleted file mode 100644 index b5f022177..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_07.png deleted file mode 100644 index 19e47d309..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_08.png deleted file mode 100644 index 6e675c4bb..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_09.png deleted file mode 100644 index be9d587c5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_10.png deleted file mode 100644 index 60152d7cc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_11.png deleted file mode 100644 index 679696349..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_12.png deleted file mode 100644 index 5c27f74d0..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_13.png deleted file mode 100644 index b6f94f71c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_14.png deleted file mode 100644 index d4910c570..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_15.png deleted file mode 100644 index aa4323143..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_16.png deleted file mode 100644 index 2c5464f41..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_17.png deleted file mode 100644 index 2a962d2a4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_18.png deleted file mode 100644 index 7c13d0a09..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_19.png deleted file mode 100644 index 2ce3b0835..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_20.png deleted file mode 100644 index 8be4f5f62..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character52/0961_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_01.png deleted file mode 100644 index 17618b54b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_02.png deleted file mode 100644 index 84d875bdc..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_03.png deleted file mode 100644 index 55222cdb8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_04.png deleted file mode 100644 index 0c45e4c50..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_05.png deleted file mode 100644 index a859e534f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_06.png deleted file mode 100644 index 4c18cfbc2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_07.png deleted file mode 100644 index 7de775853..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_08.png deleted file mode 100644 index aa2f4426f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_09.png deleted file mode 100644 index 5bd4f04b1..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_10.png deleted file mode 100644 index 4b4f15434..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_11.png deleted file mode 100644 index b748337de..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_12.png deleted file mode 100644 index 8a7f45802..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_13.png deleted file mode 100644 index 5ac418795..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_14.png deleted file mode 100644 index bf82f8260..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_15.png deleted file mode 100644 index 81772b780..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_16.png deleted file mode 100644 index d1185feff..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_17.png deleted file mode 100644 index 5f67d29f7..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_18.png deleted file mode 100644 index 5183239c9..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_19.png deleted file mode 100644 index ff1332876..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_20.png deleted file mode 100644 index 47887bfb4..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character53/0962_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_01.png deleted file mode 100644 index 8614e503f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_02.png deleted file mode 100644 index 036c0465d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_03.png deleted file mode 100644 index b7d63a5cd..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_04.png deleted file mode 100644 index e06ec64da..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_05.png deleted file mode 100644 index e8fa50c5e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_06.png deleted file mode 100644 index 6ed452b8f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_07.png deleted file mode 100644 index 0133bb6f2..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_08.png deleted file mode 100644 index 00f5b6b61..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_09.png deleted file mode 100644 index 1211fd1ea..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_10.png deleted file mode 100644 index 1db81b1cf..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_11.png deleted file mode 100644 index 02d021510..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_12.png deleted file mode 100644 index 812cfb9d8..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_13.png deleted file mode 100644 index 07b8b97f5..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_14.png deleted file mode 100644 index 56fa1f037..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_15.png deleted file mode 100644 index 283d2f994..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_16.png deleted file mode 100644 index 6ecc8e945..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_17.png deleted file mode 100644 index cf7f23e17..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_18.png deleted file mode 100644 index 8fce54240..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_19.png deleted file mode 100644 index 283e2e56d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_20.png deleted file mode 100644 index 1aa49de43..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character54/0963_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_01.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_01.png deleted file mode 100644 index 8db8cabef..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_02.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_02.png deleted file mode 100644 index 0bb713220..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_03.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_03.png deleted file mode 100644 index 9d3adb3ee..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_04.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_04.png deleted file mode 100644 index 0b969d42f..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_05.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_05.png deleted file mode 100644 index 83d1e737e..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_06.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_06.png deleted file mode 100644 index 14e10413b..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_07.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_07.png deleted file mode 100644 index f56d88136..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_08.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_08.png deleted file mode 100644 index 948a3d437..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_09.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_09.png deleted file mode 100644 index c7f981d5d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_10.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_10.png deleted file mode 100644 index 2c0fd6f66..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_11.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_11.png deleted file mode 100644 index a51e6d96c..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_12.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_12.png deleted file mode 100644 index f074d0b86..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_13.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_13.png deleted file mode 100644 index d0241b360..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_14.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_14.png deleted file mode 100644 index 82453f33d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_15.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_15.png deleted file mode 100644 index 4b26fbc4d..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_16.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_16.png deleted file mode 100644 index 0afdd6304..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_17.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_17.png deleted file mode 100644 index e7dc42973..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_18.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_18.png deleted file mode 100644 index 37c30d204..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_19.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_19.png deleted file mode 100644 index ea463b3b6..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_20.png b/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_20.png deleted file mode 100644 index 1376b9d98..000000000 Binary files a/tutorials/W1D1_Generalization/data/omniglot-py/images_background/Tifinagh/character55/0964_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background.zip b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background.zip deleted file mode 100644 index 71fd167eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background.zip and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_01.png deleted file mode 100644 index 6b308dc31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_02.png deleted file mode 100644 index ce1890ce3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_03.png deleted file mode 100644 index 5fe4813b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_04.png deleted file mode 100644 index d4f9a6798..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_05.png deleted file mode 100644 index aa5b99041..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_06.png deleted file mode 100644 index 8cdcca0cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_07.png deleted file mode 100644 index 32e4e4b63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_08.png deleted file mode 100644 index 2e7fcf84f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_09.png deleted file mode 100644 index cdeab8543..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_10.png deleted file mode 100644 index bcc45786d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_11.png deleted file mode 100644 index f447eb311..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_12.png deleted file mode 100644 index 687e512fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_13.png deleted file mode 100644 index 260ffa5da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_14.png deleted file mode 100644 index 321d3c955..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_15.png deleted file mode 100644 index f133c31bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_16.png deleted file mode 100644 index c85cb0fc7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_17.png deleted file mode 100644 index 30b81c750..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_18.png deleted file mode 100644 index b975a26ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_19.png deleted file mode 100644 index b36fb2e52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_20.png deleted file mode 100644 index e376a0166..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character01/0709_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_01.png deleted file mode 100644 index 64a65b6d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_02.png deleted file mode 100644 index f3aa48e40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_03.png deleted file mode 100644 index 7791cbd5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_04.png deleted file mode 100644 index ede364ae0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_05.png deleted file mode 100644 index 4c2d6391d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_06.png deleted file mode 100644 index bfba96bb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_07.png deleted file mode 100644 index 16565f6bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_08.png deleted file mode 100644 index 75de6990b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_09.png deleted file mode 100644 index ae71dcdd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_10.png deleted file mode 100644 index 54a893b40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_11.png deleted file mode 100644 index 5e942293e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_12.png deleted file mode 100644 index 65f705bc8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_13.png deleted file mode 100644 index 5350a4856..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_14.png deleted file mode 100644 index 70bed9a07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_15.png deleted file mode 100644 index 1c5ed82d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_16.png deleted file mode 100644 index a2818a919..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_17.png deleted file mode 100644 index a36db4b7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_18.png deleted file mode 100644 index 1f03474d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_19.png deleted file mode 100644 index 2f8c14b98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_20.png deleted file mode 100644 index b8038cd68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character02/0710_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_01.png deleted file mode 100644 index d7cfc309f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_02.png deleted file mode 100644 index 509b61767..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_03.png deleted file mode 100644 index bed757b2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_04.png deleted file mode 100644 index c1e6dc943..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_05.png deleted file mode 100644 index 5dc37407b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_06.png deleted file mode 100644 index 9d85b2564..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_07.png deleted file mode 100644 index 3dd39a845..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_08.png deleted file mode 100644 index 209ff3a45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_09.png deleted file mode 100644 index ab4716f45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_10.png deleted file mode 100644 index 840d8e8e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_11.png deleted file mode 100644 index a95dad577..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_12.png deleted file mode 100644 index f6e3ce149..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_13.png deleted file mode 100644 index 290b401e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_14.png deleted file mode 100644 index ead7ea20e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_15.png deleted file mode 100644 index 43a99f65b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_16.png deleted file mode 100644 index cedcb39c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_17.png deleted file mode 100644 index 3ac9e1caa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_18.png deleted file mode 100644 index 04adc262f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_19.png deleted file mode 100644 index e3de7aeb0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_20.png deleted file mode 100644 index d94c25023..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character03/0711_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_01.png deleted file mode 100644 index 99800e944..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_02.png deleted file mode 100644 index ba41346d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_03.png deleted file mode 100644 index 312e60130..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_04.png deleted file mode 100644 index 348c33001..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_05.png deleted file mode 100644 index 140ea502b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_06.png deleted file mode 100644 index 9bca6d6a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_07.png deleted file mode 100644 index fa0f00ec1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_08.png deleted file mode 100644 index b48a0151b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_09.png deleted file mode 100644 index 0026e631b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_10.png deleted file mode 100644 index 22334e976..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_11.png deleted file mode 100644 index 669bebfcb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_12.png deleted file mode 100644 index e876648e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_13.png deleted file mode 100644 index 593e0f853..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_14.png deleted file mode 100644 index d3ede5cd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_15.png deleted file mode 100644 index b643d7d9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_16.png deleted file mode 100644 index 77d897580..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_17.png deleted file mode 100644 index fd42306df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_18.png deleted file mode 100644 index 7d59ebfdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_19.png deleted file mode 100644 index a76372c20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_20.png deleted file mode 100644 index 36c492a0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character04/0712_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_01.png deleted file mode 100644 index acde3111a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_02.png deleted file mode 100644 index d97233746..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_03.png deleted file mode 100644 index edab3aec2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_04.png deleted file mode 100644 index c39ceaea7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_05.png deleted file mode 100644 index 0288e42b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_06.png deleted file mode 100644 index dfc0db96b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_07.png deleted file mode 100644 index 05db02b8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_08.png deleted file mode 100644 index 03bcbf06c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_09.png deleted file mode 100644 index a256c1c62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_10.png deleted file mode 100644 index 60586123b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_11.png deleted file mode 100644 index 89cccecc4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_12.png deleted file mode 100644 index 10a7cff69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_13.png deleted file mode 100644 index 54bd7b71d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_14.png deleted file mode 100644 index 7067963c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_15.png deleted file mode 100644 index 525b403a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_16.png deleted file mode 100644 index 81f328c8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_17.png deleted file mode 100644 index 426a83af3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_18.png deleted file mode 100644 index 7fd76925c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_19.png deleted file mode 100644 index 64799b878..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_20.png deleted file mode 100644 index 7181e8033..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character05/0713_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_01.png deleted file mode 100644 index 442872ab5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_02.png deleted file mode 100644 index f128f2124..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_03.png deleted file mode 100644 index 818374717..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_04.png deleted file mode 100644 index d81058913..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_05.png deleted file mode 100644 index 8dea75ff0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_06.png deleted file mode 100644 index 9ea7fab31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_07.png deleted file mode 100644 index 552e28b5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_08.png deleted file mode 100644 index b895afb67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_09.png deleted file mode 100644 index cb7c84b48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_10.png deleted file mode 100644 index 54327a02e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_11.png deleted file mode 100644 index 179135dff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_12.png deleted file mode 100644 index 1bf90ad0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_13.png deleted file mode 100644 index 655f7417b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_14.png deleted file mode 100644 index c20c7748a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_15.png deleted file mode 100644 index 8143f240c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_16.png deleted file mode 100644 index b6c26c152..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_17.png deleted file mode 100644 index 819722da1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_18.png deleted file mode 100644 index 769769de5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_19.png deleted file mode 100644 index 8058dea64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_20.png deleted file mode 100644 index 13089964d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character06/0714_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_01.png deleted file mode 100644 index 6d4069709..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_02.png deleted file mode 100644 index eba8747fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_03.png deleted file mode 100644 index 1539f1965..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_04.png deleted file mode 100644 index a174a968e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_05.png deleted file mode 100644 index e9ad289fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_06.png deleted file mode 100644 index df594978a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_07.png deleted file mode 100644 index 9c3c92003..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_08.png deleted file mode 100644 index e9232fa99..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_09.png deleted file mode 100644 index 3e51b0775..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_10.png deleted file mode 100644 index 53e1868cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_11.png deleted file mode 100644 index 3c52e3902..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_12.png deleted file mode 100644 index b30448fe7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_13.png deleted file mode 100644 index 9fce1a59b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_14.png deleted file mode 100644 index e3f6b90dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_15.png deleted file mode 100644 index c9d7a6068..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_16.png deleted file mode 100644 index d6e40b5ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_17.png deleted file mode 100644 index f18ea66e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_18.png deleted file mode 100644 index 2151d5fa4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_19.png deleted file mode 100644 index 11f4515c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_20.png deleted file mode 100644 index 00beb6ad2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character07/0715_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_01.png deleted file mode 100644 index 295afc5f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_02.png deleted file mode 100644 index b14257d94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_03.png deleted file mode 100644 index 4f288db46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_04.png deleted file mode 100644 index fbb97068e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_05.png deleted file mode 100644 index 23e352a20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_06.png deleted file mode 100644 index 5bdbab63c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_07.png deleted file mode 100644 index 809c471f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_08.png deleted file mode 100644 index 1ee527ef5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_09.png deleted file mode 100644 index a4ea74222..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_10.png deleted file mode 100644 index 513a21557..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_11.png deleted file mode 100644 index 65088f77a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_12.png deleted file mode 100644 index 670e141ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_13.png deleted file mode 100644 index e15bb2b0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_14.png deleted file mode 100644 index 9d1ce4306..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_15.png deleted file mode 100644 index b47c73eda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_16.png deleted file mode 100644 index 48472133d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_17.png deleted file mode 100644 index 0c3b95247..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_18.png deleted file mode 100644 index aa9583ea0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_19.png deleted file mode 100644 index e9912da3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_20.png deleted file mode 100644 index 40c928ad2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character08/0716_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_01.png deleted file mode 100644 index 3492dddfa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_02.png deleted file mode 100644 index 72e9cec2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_03.png deleted file mode 100644 index 92c4d88f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_04.png deleted file mode 100644 index 6f2f7346c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_05.png deleted file mode 100644 index 0a4bc8000..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_06.png deleted file mode 100644 index 86e7d4ae9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_07.png deleted file mode 100644 index b0676fee3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_08.png deleted file mode 100644 index 40dc62174..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_09.png deleted file mode 100644 index df1027e45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_10.png deleted file mode 100644 index 3a77eaacc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_11.png deleted file mode 100644 index 44ec0fba8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_12.png deleted file mode 100644 index e3f5b3673..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_13.png deleted file mode 100644 index c2b9f2046..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_14.png deleted file mode 100644 index b3646d2a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_15.png deleted file mode 100644 index 2d08e67a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_16.png deleted file mode 100644 index 4cdec96fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_17.png deleted file mode 100644 index b69bd358c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_18.png deleted file mode 100644 index b95f8bb16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_19.png deleted file mode 100644 index 71b198be8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_20.png deleted file mode 100644 index 594b61754..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character09/0717_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_01.png deleted file mode 100644 index 12313445b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_02.png deleted file mode 100644 index 46da1433a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_03.png deleted file mode 100644 index c0fad7f40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_04.png deleted file mode 100644 index 8e2c24c56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_05.png deleted file mode 100644 index 7d225d58a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_06.png deleted file mode 100644 index 256963718..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_07.png deleted file mode 100644 index 8d3922cdd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_08.png deleted file mode 100644 index 536f811c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_09.png deleted file mode 100644 index b2f3d5ddb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_10.png deleted file mode 100644 index bdd73b89a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_11.png deleted file mode 100644 index e0424f8fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_12.png deleted file mode 100644 index 08c2444a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_13.png deleted file mode 100644 index 98ad1abf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_14.png deleted file mode 100644 index b5a2e780a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_15.png deleted file mode 100644 index a1167aed7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_16.png deleted file mode 100644 index c81341f84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_17.png deleted file mode 100644 index d1d3b054b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_18.png deleted file mode 100644 index c996a80b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_19.png deleted file mode 100644 index c49b7d00e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_20.png deleted file mode 100644 index 7edc13c69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character10/0718_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_01.png deleted file mode 100644 index 0f449fbaf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_02.png deleted file mode 100644 index df5830c15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_03.png deleted file mode 100644 index 908657b5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_04.png deleted file mode 100644 index fafbe0567..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_05.png deleted file mode 100644 index 3f2e71620..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_06.png deleted file mode 100644 index f6da2f7a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_07.png deleted file mode 100644 index e7f6a77a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_08.png deleted file mode 100644 index e193ad573..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_09.png deleted file mode 100644 index 1f9bd2678..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_10.png deleted file mode 100644 index 61301c704..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_11.png deleted file mode 100644 index db7cd6c43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_12.png deleted file mode 100644 index 72990ff0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_13.png deleted file mode 100644 index 901ce397f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_14.png deleted file mode 100644 index d7415150e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_15.png deleted file mode 100644 index 26ee30613..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_16.png deleted file mode 100644 index a4bd92c1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_17.png deleted file mode 100644 index 244bde699..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_18.png deleted file mode 100644 index 59ef96643..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_19.png deleted file mode 100644 index 3284c6088..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_20.png deleted file mode 100644 index 216de4ab9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character11/0719_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_01.png deleted file mode 100644 index 9434e7651..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_02.png deleted file mode 100644 index 84f439834..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_03.png deleted file mode 100644 index 5aed35028..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_04.png deleted file mode 100644 index 82f80c642..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_05.png deleted file mode 100644 index c872b91ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_06.png deleted file mode 100644 index 11af96de1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_07.png deleted file mode 100644 index 5c8c59c1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_08.png deleted file mode 100644 index 8fad39bac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_09.png deleted file mode 100644 index 0ed3e832c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_10.png deleted file mode 100644 index 4aef3ce8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_11.png deleted file mode 100644 index a88d4a797..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_12.png deleted file mode 100644 index 4ad2a478a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_13.png deleted file mode 100644 index df654ad25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_14.png deleted file mode 100644 index 812b92425..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_15.png deleted file mode 100644 index 9567f8f32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_16.png deleted file mode 100644 index 0233d8b4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_17.png deleted file mode 100644 index 072da6a58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_18.png deleted file mode 100644 index 40a9cf880..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_19.png deleted file mode 100644 index b9c76bc37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_20.png deleted file mode 100644 index b5ac23352..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character12/0720_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_01.png deleted file mode 100644 index 09d5517fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_02.png deleted file mode 100644 index 18d4e82b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_03.png deleted file mode 100644 index c987e1ae6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_04.png deleted file mode 100644 index 77ad814cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_05.png deleted file mode 100644 index d7ff8af64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_06.png deleted file mode 100644 index 0c7946e6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_07.png deleted file mode 100644 index daefca01a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_08.png deleted file mode 100644 index fd46d1a38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_09.png deleted file mode 100644 index 0ac532cc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_10.png deleted file mode 100644 index bf67d5dad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_11.png deleted file mode 100644 index 594a36a9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_12.png deleted file mode 100644 index b64d1fe1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_13.png deleted file mode 100644 index e8abb426d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_14.png deleted file mode 100644 index 9745dda9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_15.png deleted file mode 100644 index 241ba2bc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_16.png deleted file mode 100644 index 0d85b5711..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_17.png deleted file mode 100644 index 9c5341df1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_18.png deleted file mode 100644 index 480e7a5c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_19.png deleted file mode 100644 index 32c657ffb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_20.png deleted file mode 100644 index 70b873741..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character13/0721_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_01.png deleted file mode 100644 index 6f5eff0f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_02.png deleted file mode 100644 index a57921ab1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_03.png deleted file mode 100644 index f4e077855..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_04.png deleted file mode 100644 index 96c68b613..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_05.png deleted file mode 100644 index 9e7274380..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_06.png deleted file mode 100644 index 59362a191..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_07.png deleted file mode 100644 index 2073a703c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_08.png deleted file mode 100644 index 5312bb47b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_09.png deleted file mode 100644 index 854406fda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_10.png deleted file mode 100644 index 227550621..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_11.png deleted file mode 100644 index ef3815499..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_12.png deleted file mode 100644 index d70a9bf20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_13.png deleted file mode 100644 index 08978c1c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_14.png deleted file mode 100644 index 1d6eb52ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_15.png deleted file mode 100644 index 93a478c49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_16.png deleted file mode 100644 index 934b900db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_17.png deleted file mode 100644 index 0674eff47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_18.png deleted file mode 100644 index cf7cacb23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_19.png deleted file mode 100644 index 2f0a10b09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_20.png deleted file mode 100644 index 52718b28c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character14/0722_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_01.png deleted file mode 100644 index 5d7827ef3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_02.png deleted file mode 100644 index 49c6240e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_03.png deleted file mode 100644 index f3331a76d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_04.png deleted file mode 100644 index c37839ef6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_05.png deleted file mode 100644 index 7188d47bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_06.png deleted file mode 100644 index 9c1d7c172..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_07.png deleted file mode 100644 index 11e2d78cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_08.png deleted file mode 100644 index 6c37e5b93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_09.png deleted file mode 100644 index 87e2bbeb2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_10.png deleted file mode 100644 index cde943406..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_11.png deleted file mode 100644 index 9b0f053de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_12.png deleted file mode 100644 index 453331937..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_13.png deleted file mode 100644 index 2e64b85a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_14.png deleted file mode 100644 index f03800f85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_15.png deleted file mode 100644 index fd86c8e57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_16.png deleted file mode 100644 index 9e7750386..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_17.png deleted file mode 100644 index 425c9f65d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_18.png deleted file mode 100644 index 2a4177192..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_19.png deleted file mode 100644 index 2e679bde9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_20.png deleted file mode 100644 index 8dd84d784..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character15/0723_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_01.png deleted file mode 100644 index 113fc7db9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_02.png deleted file mode 100644 index 65e0af1d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_03.png deleted file mode 100644 index fb8bfbbec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_04.png deleted file mode 100644 index 9d303f3b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_05.png deleted file mode 100644 index f57b01d60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_06.png deleted file mode 100644 index c16cd8c47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_07.png deleted file mode 100644 index 50df3304b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_08.png deleted file mode 100644 index 97d2aca6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_09.png deleted file mode 100644 index 9f66d2fd7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_10.png deleted file mode 100644 index 528ad159a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_11.png deleted file mode 100644 index 2db7a805f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_12.png deleted file mode 100644 index 53ddb05b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_13.png deleted file mode 100644 index 73193f20d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_14.png deleted file mode 100644 index c243e814e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_15.png deleted file mode 100644 index be4a8acdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_16.png deleted file mode 100644 index 08d9a8651..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_17.png deleted file mode 100644 index 5fb392570..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_18.png deleted file mode 100644 index c886b3e25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_19.png deleted file mode 100644 index d1a6b877d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_20.png deleted file mode 100644 index eb8a51fc0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character16/0724_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_01.png deleted file mode 100644 index 96e8bd632..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_02.png deleted file mode 100644 index e0ea1e326..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_03.png deleted file mode 100644 index f811a4647..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_04.png deleted file mode 100644 index 3c2773d1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_05.png deleted file mode 100644 index d5860a6c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_06.png deleted file mode 100644 index f510a194f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_07.png deleted file mode 100644 index c3fda45ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_08.png deleted file mode 100644 index 916d40c4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_09.png deleted file mode 100644 index 8dc901b7b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_10.png deleted file mode 100644 index 77f362352..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_11.png deleted file mode 100644 index 405c87e0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_12.png deleted file mode 100644 index 459007324..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_13.png deleted file mode 100644 index b0d649cbb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_14.png deleted file mode 100644 index 5d798978b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_15.png deleted file mode 100644 index dd5c53d8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_16.png deleted file mode 100644 index c88952a7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_17.png deleted file mode 100644 index 7c28bec18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_18.png deleted file mode 100644 index 0d16a7c4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_19.png deleted file mode 100644 index dbc5c1b00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_20.png deleted file mode 100644 index 96c024ef8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character17/0725_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_01.png deleted file mode 100644 index 74b758dfb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_02.png deleted file mode 100644 index e69172b17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_03.png deleted file mode 100644 index cd9e06c23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_04.png deleted file mode 100644 index 5f22efc47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_05.png deleted file mode 100644 index 79d6bff3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_06.png deleted file mode 100644 index 49a67f48b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_07.png deleted file mode 100644 index d6c694df7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_08.png deleted file mode 100644 index 81dc49489..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_09.png deleted file mode 100644 index 21e4d5848..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_10.png deleted file mode 100644 index 3575395eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_11.png deleted file mode 100644 index 875b07054..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_12.png deleted file mode 100644 index 2784a3b09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_13.png deleted file mode 100644 index 25d450c21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_14.png deleted file mode 100644 index e45ee6280..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_15.png deleted file mode 100644 index ff1006547..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_16.png deleted file mode 100644 index ae642e39a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_17.png deleted file mode 100644 index 18aec9a79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_18.png deleted file mode 100644 index 28520fef3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_19.png deleted file mode 100644 index de36b3163..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_20.png deleted file mode 100644 index 617888544..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character18/0726_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_01.png deleted file mode 100644 index f5697f295..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_02.png deleted file mode 100644 index 08b445f34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_03.png deleted file mode 100644 index 19f4a39e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_04.png deleted file mode 100644 index 5a40fb59b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_05.png deleted file mode 100644 index f201dd2c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_06.png deleted file mode 100644 index 810684752..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_07.png deleted file mode 100644 index a045cc479..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_08.png deleted file mode 100644 index 2f91ea0bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_09.png deleted file mode 100644 index dd7ee00d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_10.png deleted file mode 100644 index 8a8f395a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_11.png deleted file mode 100644 index 853ac4d95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_12.png deleted file mode 100644 index a319889e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_13.png deleted file mode 100644 index 704b90350..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_14.png deleted file mode 100644 index 9cf4a3670..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_15.png deleted file mode 100644 index d2f2c41d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_16.png deleted file mode 100644 index e1ae39e19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_17.png deleted file mode 100644 index 8447e2325..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_18.png deleted file mode 100644 index 5032699e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_19.png deleted file mode 100644 index 74f3aa904..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_20.png deleted file mode 100644 index 5547490c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character19/0727_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_01.png deleted file mode 100644 index 3e6650ccc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_02.png deleted file mode 100644 index 5b0b491ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_03.png deleted file mode 100644 index 21668ed43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_04.png deleted file mode 100644 index 238d5af06..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_05.png deleted file mode 100644 index 4ca66b37a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_06.png deleted file mode 100644 index 57f6463c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_07.png deleted file mode 100644 index 60fd16f09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_08.png deleted file mode 100644 index c05c0ab0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_09.png deleted file mode 100644 index 930a853e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_10.png deleted file mode 100644 index c35f0d7fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_11.png deleted file mode 100644 index f75259853..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_12.png deleted file mode 100644 index 5afce6ef3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_13.png deleted file mode 100644 index 558043b80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_14.png deleted file mode 100644 index 55740b88f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_15.png deleted file mode 100644 index e174d0225..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_16.png deleted file mode 100644 index cd67b912c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_17.png deleted file mode 100644 index d2c16dc81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_18.png deleted file mode 100644 index 773c503f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_19.png deleted file mode 100644 index 6c0740c2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_20.png deleted file mode 100644 index d157c1fc0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Alphabet_of_the_Magi/character20/0728_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_01.png deleted file mode 100644 index f7b50d1cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_02.png deleted file mode 100644 index 2f9e57d39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_03.png deleted file mode 100644 index f87903d39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_04.png deleted file mode 100644 index 25ba64bf8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_05.png deleted file mode 100644 index f92c89a05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_06.png deleted file mode 100644 index 8d466c750..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_07.png deleted file mode 100644 index 3009c7d73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_08.png deleted file mode 100644 index e36972ed9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_09.png deleted file mode 100644 index f9ebe68e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_10.png deleted file mode 100644 index 64c284166..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_11.png deleted file mode 100644 index 35af0f79a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_12.png deleted file mode 100644 index 2d499fc4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_13.png deleted file mode 100644 index d9d7d4dbe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_14.png deleted file mode 100644 index abf9a76bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_15.png deleted file mode 100644 index 1cf6ecf91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_16.png deleted file mode 100644 index 2c8450e8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_17.png deleted file mode 100644 index 4681b1867..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_18.png deleted file mode 100644 index 5ce1b0e9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_19.png deleted file mode 100644 index 5f4ca938b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_20.png deleted file mode 100644 index b5b980a5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character01/0296_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_01.png deleted file mode 100644 index a7b6650a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_02.png deleted file mode 100644 index 893f7e87c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_03.png deleted file mode 100644 index c2480cffa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_04.png deleted file mode 100644 index f00b83a3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_05.png deleted file mode 100644 index 67b5544e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_06.png deleted file mode 100644 index 067ba94e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_07.png deleted file mode 100644 index 3f2dcfcfd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_08.png deleted file mode 100644 index 021de26c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_09.png deleted file mode 100644 index 0fdcf4dde..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_10.png deleted file mode 100644 index 50ae4a385..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_11.png deleted file mode 100644 index ad3524518..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_12.png deleted file mode 100644 index 3a9575b4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_13.png deleted file mode 100644 index 2e081a695..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_14.png deleted file mode 100644 index f3435655b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_15.png deleted file mode 100644 index 93998f001..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_16.png deleted file mode 100644 index 464493400..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_17.png deleted file mode 100644 index ddd2dff93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_18.png deleted file mode 100644 index 003592210..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_19.png deleted file mode 100644 index a98535dd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_20.png deleted file mode 100644 index 86fd1d51e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character02/0297_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_01.png deleted file mode 100644 index dd2d979aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_02.png deleted file mode 100644 index 771c32812..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_03.png deleted file mode 100644 index 9ca9f839e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_04.png deleted file mode 100644 index a7862dfdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_05.png deleted file mode 100644 index 277f66f5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_06.png deleted file mode 100644 index 1c9f92697..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_07.png deleted file mode 100644 index 53356aa2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_08.png deleted file mode 100644 index c88deb879..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_09.png deleted file mode 100644 index 48978bf48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_10.png deleted file mode 100644 index eaf8558bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_11.png deleted file mode 100644 index 1f1aebf67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_12.png deleted file mode 100644 index 9494a2e7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_13.png deleted file mode 100644 index 8b54ec576..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_14.png deleted file mode 100644 index d1d133740..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_15.png deleted file mode 100644 index 6d5f8c80c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_16.png deleted file mode 100644 index 61208ea33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_17.png deleted file mode 100644 index f824884b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_18.png deleted file mode 100644 index 10db2a1a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_19.png deleted file mode 100644 index aec5b5051..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_20.png deleted file mode 100644 index 7f9110dd2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character03/0298_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_01.png deleted file mode 100644 index ebd0188c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_02.png deleted file mode 100644 index 09d84b7df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_03.png deleted file mode 100644 index f9a11f8aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_04.png deleted file mode 100644 index 42dd93980..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_05.png deleted file mode 100644 index cf083e095..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_06.png deleted file mode 100644 index 9fb64f590..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_07.png deleted file mode 100644 index 8d6546410..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_08.png deleted file mode 100644 index 036535beb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_09.png deleted file mode 100644 index ec174ef73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_10.png deleted file mode 100644 index 2c0dfba8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_11.png deleted file mode 100644 index 98ea8d497..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_12.png deleted file mode 100644 index b46abb638..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_13.png deleted file mode 100644 index dd31c4c2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_14.png deleted file mode 100644 index c4f85acad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_15.png deleted file mode 100644 index 6352ff170..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_16.png deleted file mode 100644 index 7815de712..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_17.png deleted file mode 100644 index decdcfc4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_18.png deleted file mode 100644 index 47fe4ce83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_19.png deleted file mode 100644 index 102222b14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_20.png deleted file mode 100644 index dbba76095..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character04/0299_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_01.png deleted file mode 100644 index 0da824435..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_02.png deleted file mode 100644 index a6df166e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_03.png deleted file mode 100644 index 07ead22db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_04.png deleted file mode 100644 index 1882b62df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_05.png deleted file mode 100644 index b4f23ce46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_06.png deleted file mode 100644 index f19fcdc5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_07.png deleted file mode 100644 index bd061b12a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_08.png deleted file mode 100644 index 2424ac879..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_09.png deleted file mode 100644 index c2a64fc8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_10.png deleted file mode 100644 index fc8bd8e15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_11.png deleted file mode 100644 index 43ba15892..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_12.png deleted file mode 100644 index 689c05a77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_13.png deleted file mode 100644 index 856a7ebaa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_14.png deleted file mode 100644 index c03b15223..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_15.png deleted file mode 100644 index 5e4ef19fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_16.png deleted file mode 100644 index 68862b93f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_17.png deleted file mode 100644 index d28a78d22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_18.png deleted file mode 100644 index 9cebfd0e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_19.png deleted file mode 100644 index 0361bdb26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_20.png deleted file mode 100644 index 9a33c84e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character05/0300_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_01.png deleted file mode 100644 index 5f8000b29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_02.png deleted file mode 100644 index 0be0e9aef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_03.png deleted file mode 100644 index 7574e0824..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_04.png deleted file mode 100644 index 15ddba803..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_05.png deleted file mode 100644 index da44365d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_06.png deleted file mode 100644 index c34b3c508..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_07.png deleted file mode 100644 index abf59f3f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_08.png deleted file mode 100644 index 849cc5093..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_09.png deleted file mode 100644 index 486e6cddf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_10.png deleted file mode 100644 index aed61cb95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_11.png deleted file mode 100644 index c9805d22a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_12.png deleted file mode 100644 index ee54b6378..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_13.png deleted file mode 100644 index 1069dedf4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_14.png deleted file mode 100644 index cf4ff6456..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_15.png deleted file mode 100644 index b62d251b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_16.png deleted file mode 100644 index e16280286..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_17.png deleted file mode 100644 index bd1e2e656..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_18.png deleted file mode 100644 index 1f8da5e4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_19.png deleted file mode 100644 index ad9386102..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_20.png deleted file mode 100644 index d95c91381..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character06/0301_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_01.png deleted file mode 100644 index f72472c36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_02.png deleted file mode 100644 index a579e6b5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_03.png deleted file mode 100644 index d892b9e68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_04.png deleted file mode 100644 index a3f361c9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_05.png deleted file mode 100644 index 438549618..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_06.png deleted file mode 100644 index 8d69be1b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_07.png deleted file mode 100644 index 001aa465c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_08.png deleted file mode 100644 index 1b7c2cfc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_09.png deleted file mode 100644 index 6aabaeba0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_10.png deleted file mode 100644 index 3a01e3102..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_11.png deleted file mode 100644 index 4fd81d99e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_12.png deleted file mode 100644 index 5122a969d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_13.png deleted file mode 100644 index c83c87642..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_14.png deleted file mode 100644 index 25814b47a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_15.png deleted file mode 100644 index 5628f1c7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_16.png deleted file mode 100644 index d3a18e909..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_17.png deleted file mode 100644 index 0b5d39237..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_18.png deleted file mode 100644 index 6e95981fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_19.png deleted file mode 100644 index cbd0fcbfd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_20.png deleted file mode 100644 index 2536474c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character07/0302_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_01.png deleted file mode 100644 index 373083e65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_02.png deleted file mode 100644 index 733b059b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_03.png deleted file mode 100644 index 82354dce5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_04.png deleted file mode 100644 index ac9109c18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_05.png deleted file mode 100644 index e562e6bae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_06.png deleted file mode 100644 index 9bb4c9811..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_07.png deleted file mode 100644 index 4cd9af089..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_08.png deleted file mode 100644 index 427fe95d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_09.png deleted file mode 100644 index fccfdc8d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_10.png deleted file mode 100644 index 067c87ddc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_11.png deleted file mode 100644 index 03b867eac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_12.png deleted file mode 100644 index 12772702e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_13.png deleted file mode 100644 index edf0be3e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_14.png deleted file mode 100644 index 600e6dbb3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_15.png deleted file mode 100644 index aece4d465..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_16.png deleted file mode 100644 index 14d3eac3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_17.png deleted file mode 100644 index 88fc36dd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_18.png deleted file mode 100644 index 70ee1a61d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_19.png deleted file mode 100644 index bcfade2ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_20.png deleted file mode 100644 index a1f85a7f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character08/0303_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_01.png deleted file mode 100644 index bbcba5022..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_02.png deleted file mode 100644 index b9bc82241..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_03.png deleted file mode 100644 index baf354228..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_04.png deleted file mode 100644 index c20fe1dd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_05.png deleted file mode 100644 index 638c2e32e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_06.png deleted file mode 100644 index 02e659556..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_07.png deleted file mode 100644 index e082c05b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_08.png deleted file mode 100644 index d0274bc37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_09.png deleted file mode 100644 index 8fba41623..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_10.png deleted file mode 100644 index 2f7f853f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_11.png deleted file mode 100644 index 5596072fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_12.png deleted file mode 100644 index e4acacbd6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_13.png deleted file mode 100644 index 1aa83fc5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_14.png deleted file mode 100644 index 3e8b9ddaf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_15.png deleted file mode 100644 index 9efcdea68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_16.png deleted file mode 100644 index d0072e499..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_17.png deleted file mode 100644 index b0a2e99e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_18.png deleted file mode 100644 index 09b060d3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_19.png deleted file mode 100644 index 380c447d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_20.png deleted file mode 100644 index f6db15534..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character09/0304_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_01.png deleted file mode 100644 index 4a506d5a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_02.png deleted file mode 100644 index 1485ca8fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_03.png deleted file mode 100644 index 88f877dea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_04.png deleted file mode 100644 index 0820cc154..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_05.png deleted file mode 100644 index 00f8d8b80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_06.png deleted file mode 100644 index e054c39df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_07.png deleted file mode 100644 index 375c993d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_08.png deleted file mode 100644 index 1bc08c84d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_09.png deleted file mode 100644 index b40d3ae8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_10.png deleted file mode 100644 index b38068f29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_11.png deleted file mode 100644 index dd7281b32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_12.png deleted file mode 100644 index aa07ea760..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_13.png deleted file mode 100644 index 143a8bb10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_14.png deleted file mode 100644 index a6b8090fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_15.png deleted file mode 100644 index 6787e634f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_16.png deleted file mode 100644 index 473086e17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_17.png deleted file mode 100644 index cd1fa6dfb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_18.png deleted file mode 100644 index 27da9b527..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_19.png deleted file mode 100644 index c9a73ff44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_20.png deleted file mode 100644 index ffa1228ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character10/0305_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_01.png deleted file mode 100644 index 4ddbee716..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_02.png deleted file mode 100644 index 6667f1770..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_03.png deleted file mode 100644 index a81d9d395..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_04.png deleted file mode 100644 index 893d9f102..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_05.png deleted file mode 100644 index 03d23b184..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_06.png deleted file mode 100644 index cc6471c11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_07.png deleted file mode 100644 index d1b2d74f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_08.png deleted file mode 100644 index 07652327f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_09.png deleted file mode 100644 index cfe43ecba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_10.png deleted file mode 100644 index ab85d6485..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_11.png deleted file mode 100644 index b53079ad1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_12.png deleted file mode 100644 index 4823d928e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_13.png deleted file mode 100644 index 1c661a061..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_14.png deleted file mode 100644 index 43df16f2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_15.png deleted file mode 100644 index 9da8dcd00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_16.png deleted file mode 100644 index 1136ac49b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_17.png deleted file mode 100644 index fdf59210f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_18.png deleted file mode 100644 index 10a230154..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_19.png deleted file mode 100644 index c4c1841b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_20.png deleted file mode 100644 index 78a4b8681..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character11/0306_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_01.png deleted file mode 100644 index c381a3e18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_02.png deleted file mode 100644 index c0679413e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_03.png deleted file mode 100644 index fa38ac7c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_04.png deleted file mode 100644 index fe1635d5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_05.png deleted file mode 100644 index 9210ff036..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_06.png deleted file mode 100644 index 2f5fcca26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_07.png deleted file mode 100644 index 301314c19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_08.png deleted file mode 100644 index e4b380879..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_09.png deleted file mode 100644 index dc01599f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_10.png deleted file mode 100644 index a41cef3d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_11.png deleted file mode 100644 index c39e76670..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_12.png deleted file mode 100644 index 98b14e093..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_13.png deleted file mode 100644 index 90c0781f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_14.png deleted file mode 100644 index 3304679ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_15.png deleted file mode 100644 index 1f2fdc9f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_16.png deleted file mode 100644 index 90d3935b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_17.png deleted file mode 100644 index ef4dc9d23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_18.png deleted file mode 100644 index 94a51901d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_19.png deleted file mode 100644 index 4462c6831..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_20.png deleted file mode 100644 index fa612fe90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character12/0307_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_01.png deleted file mode 100644 index 5726a99f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_02.png deleted file mode 100644 index 6d1d95eba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_03.png deleted file mode 100644 index 9b0689985..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_04.png deleted file mode 100644 index 1ff8091f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_05.png deleted file mode 100644 index a39e78188..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_06.png deleted file mode 100644 index 1fbd6bc3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_07.png deleted file mode 100644 index 1bdb76ba2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_08.png deleted file mode 100644 index 8bb491815..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_09.png deleted file mode 100644 index 0a49ca3a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_10.png deleted file mode 100644 index d977035d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_11.png deleted file mode 100644 index 033444341..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_12.png deleted file mode 100644 index 79f77123d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_13.png deleted file mode 100644 index 14e424454..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_14.png deleted file mode 100644 index dd0c3a7ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_15.png deleted file mode 100644 index f7aea1640..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_16.png deleted file mode 100644 index 7cecfddee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_17.png deleted file mode 100644 index 038879ed0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_18.png deleted file mode 100644 index bb42d7649..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_19.png deleted file mode 100644 index a0f4350d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_20.png deleted file mode 100644 index f20dc4d6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character13/0308_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_01.png deleted file mode 100644 index 2d68a483a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_02.png deleted file mode 100644 index 0c8be44c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_03.png deleted file mode 100644 index a9543bd15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_04.png deleted file mode 100644 index f4db27055..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_05.png deleted file mode 100644 index 5b17a1c90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_06.png deleted file mode 100644 index 39888a20c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_07.png deleted file mode 100644 index 78c4f8925..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_08.png deleted file mode 100644 index 127056cf5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_09.png deleted file mode 100644 index 8b2fe4047..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_10.png deleted file mode 100644 index 293ac0eaa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_11.png deleted file mode 100644 index eeae0ee94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_12.png deleted file mode 100644 index 19ea213dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_13.png deleted file mode 100644 index 517d91ae4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_14.png deleted file mode 100644 index bc47c9dd4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_15.png deleted file mode 100644 index 72bebe51b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_16.png deleted file mode 100644 index 279cdfd97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_17.png deleted file mode 100644 index 780611d4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_18.png deleted file mode 100644 index f0d4c17fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_19.png deleted file mode 100644 index 52b87ac35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_20.png deleted file mode 100644 index f0b1d69cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character14/0309_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_01.png deleted file mode 100644 index d551181a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_02.png deleted file mode 100644 index 8c10c5ed0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_03.png deleted file mode 100644 index 63cce889f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_04.png deleted file mode 100644 index 1c80bda0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_05.png deleted file mode 100644 index ccbcc5767..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_06.png deleted file mode 100644 index a71a298cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_07.png deleted file mode 100644 index cf368165c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_08.png deleted file mode 100644 index eea584905..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_09.png deleted file mode 100644 index 39d215e5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_10.png deleted file mode 100644 index b9766e8ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_11.png deleted file mode 100644 index 93be8bbdb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_12.png deleted file mode 100644 index 0bc12e690..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_13.png deleted file mode 100644 index 80e50b520..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_14.png deleted file mode 100644 index c91274774..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_15.png deleted file mode 100644 index cbd3b4826..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_16.png deleted file mode 100644 index 549a9c552..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_17.png deleted file mode 100644 index 15cf917fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_18.png deleted file mode 100644 index f5d244d2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_19.png deleted file mode 100644 index f91ab4302..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_20.png deleted file mode 100644 index 0056ee906..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character15/0310_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_01.png deleted file mode 100644 index 46396f0ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_02.png deleted file mode 100644 index c1001a3e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_03.png deleted file mode 100644 index aede78c43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_04.png deleted file mode 100644 index 5c5e39536..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_05.png deleted file mode 100644 index 426e408c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_06.png deleted file mode 100644 index 742d39bf5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_07.png deleted file mode 100644 index ef85bbf4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_08.png deleted file mode 100644 index ea0073f2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_09.png deleted file mode 100644 index e02a4d185..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_10.png deleted file mode 100644 index ea83aa083..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_11.png deleted file mode 100644 index 427105192..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_12.png deleted file mode 100644 index 336e8cc10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_13.png deleted file mode 100644 index f1b336401..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_14.png deleted file mode 100644 index 490682a42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_15.png deleted file mode 100644 index 834c28b4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_16.png deleted file mode 100644 index c8c5aac50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_17.png deleted file mode 100644 index da9bc736c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_18.png deleted file mode 100644 index 56713c5d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_19.png deleted file mode 100644 index 256d3f0cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_20.png deleted file mode 100644 index 6dcb54163..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character16/0311_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_01.png deleted file mode 100644 index caf2babd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_02.png deleted file mode 100644 index 05b178f47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_03.png deleted file mode 100644 index cf111a285..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_04.png deleted file mode 100644 index aef46e1b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_05.png deleted file mode 100644 index 79e756f93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_06.png deleted file mode 100644 index 5d83c0ece..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_07.png deleted file mode 100644 index 03ff9ab10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_08.png deleted file mode 100644 index 956c9ff67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_09.png deleted file mode 100644 index a9b26434d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_10.png deleted file mode 100644 index 3b54248db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_11.png deleted file mode 100644 index 72d318717..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_12.png deleted file mode 100644 index 856ceea1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_13.png deleted file mode 100644 index b1f5d702f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_14.png deleted file mode 100644 index e94f9bb9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_15.png deleted file mode 100644 index cb2a1c9d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_16.png deleted file mode 100644 index 3b1c7c5f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_17.png deleted file mode 100644 index dfc5a55c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_18.png deleted file mode 100644 index 0b2adb10d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_19.png deleted file mode 100644 index fb96dd7b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_20.png deleted file mode 100644 index ca9e1e45f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character17/0312_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_01.png deleted file mode 100644 index 490e79661..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_02.png deleted file mode 100644 index 987967a90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_03.png deleted file mode 100644 index d589ee836..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_04.png deleted file mode 100644 index f75d7c426..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_05.png deleted file mode 100644 index 74c81e16b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_06.png deleted file mode 100644 index b367eb956..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_07.png deleted file mode 100644 index a6b08d979..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_08.png deleted file mode 100644 index 0b784be45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_09.png deleted file mode 100644 index e100f7dcb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_10.png deleted file mode 100644 index 0cbb39443..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_11.png deleted file mode 100644 index d185fc600..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_12.png deleted file mode 100644 index cd9d154e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_13.png deleted file mode 100644 index f1a519011..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_14.png deleted file mode 100644 index b05193125..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_15.png deleted file mode 100644 index 20bb4d7d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_16.png deleted file mode 100644 index fd5425089..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_17.png deleted file mode 100644 index a137f40c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_18.png deleted file mode 100644 index 8553c34ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_19.png deleted file mode 100644 index 15935d2d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_20.png deleted file mode 100644 index 30b799aaf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character18/0313_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_01.png deleted file mode 100644 index 57880f701..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_02.png deleted file mode 100644 index de0dfb415..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_03.png deleted file mode 100644 index f01f2f72c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_04.png deleted file mode 100644 index 8ec38d2dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_05.png deleted file mode 100644 index e14dcf377..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_06.png deleted file mode 100644 index 9e71ed25f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_07.png deleted file mode 100644 index 57d353258..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_08.png deleted file mode 100644 index 9ae8d1a1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_09.png deleted file mode 100644 index 1d8631cee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_10.png deleted file mode 100644 index 226f7eb48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_11.png deleted file mode 100644 index cd742e9a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_12.png deleted file mode 100644 index 173224def..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_13.png deleted file mode 100644 index 8784966b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_14.png deleted file mode 100644 index a2fceacb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_15.png deleted file mode 100644 index 98047b1a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_16.png deleted file mode 100644 index dd158e910..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_17.png deleted file mode 100644 index 5c5cf9085..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_18.png deleted file mode 100644 index 2e0e61472..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_19.png deleted file mode 100644 index bea692d5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_20.png deleted file mode 100644 index fcdf56152..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character19/0314_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_01.png deleted file mode 100644 index 006da497a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_02.png deleted file mode 100644 index 3be100a7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_03.png deleted file mode 100644 index 7c9e7055d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_04.png deleted file mode 100644 index 22181fe84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_05.png deleted file mode 100644 index 599480110..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_06.png deleted file mode 100644 index f6019b9b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_07.png deleted file mode 100644 index 6233cdea9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_08.png deleted file mode 100644 index 68938e5e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_09.png deleted file mode 100644 index 47da20a6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_10.png deleted file mode 100644 index 75667c865..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_11.png deleted file mode 100644 index 903906836..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_12.png deleted file mode 100644 index 79827de05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_13.png deleted file mode 100644 index 4dc8a1144..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_14.png deleted file mode 100644 index 36ff3c2b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_15.png deleted file mode 100644 index f0b687045..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_16.png deleted file mode 100644 index b4c94cb43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_17.png deleted file mode 100644 index 8d6a3271c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_18.png deleted file mode 100644 index 2f432214f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_19.png deleted file mode 100644 index 72db12658..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_20.png deleted file mode 100644 index a918109ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character20/0315_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_01.png deleted file mode 100644 index bc58c42de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_02.png deleted file mode 100644 index 7c0d0ea50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_03.png deleted file mode 100644 index e56cd3795..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_04.png deleted file mode 100644 index d3637afae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_05.png deleted file mode 100644 index bf8a45453..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_06.png deleted file mode 100644 index ca02e6174..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_07.png deleted file mode 100644 index 5572d93de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_08.png deleted file mode 100644 index 896be02bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_09.png deleted file mode 100644 index d4e7bb493..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_10.png deleted file mode 100644 index dd31975e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_11.png deleted file mode 100644 index 11b3eccf7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_12.png deleted file mode 100644 index 99d5f9364..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_13.png deleted file mode 100644 index 80f88aa27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_14.png deleted file mode 100644 index 39848c1de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_15.png deleted file mode 100644 index dea67cb35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_16.png deleted file mode 100644 index 2fd53a9e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_17.png deleted file mode 100644 index d1db31a62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_18.png deleted file mode 100644 index 0fbeb8c5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_19.png deleted file mode 100644 index 5fd5455e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_20.png deleted file mode 100644 index 3b42effe6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character21/0316_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_01.png deleted file mode 100644 index 11655161e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_02.png deleted file mode 100644 index e5595767f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_03.png deleted file mode 100644 index b6fb0172b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_04.png deleted file mode 100644 index 61f4f2f24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_05.png deleted file mode 100644 index 8e71ccf27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_06.png deleted file mode 100644 index d51879f11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_07.png deleted file mode 100644 index 410e89161..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_08.png deleted file mode 100644 index 3b1ac20dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_09.png deleted file mode 100644 index d5c494553..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_10.png deleted file mode 100644 index e896c0eea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_11.png deleted file mode 100644 index 71da3c609..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_12.png deleted file mode 100644 index 4e3ea2039..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_13.png deleted file mode 100644 index f8efd32d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_14.png deleted file mode 100644 index 509801a3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_15.png deleted file mode 100644 index 2f2e04ae5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_16.png deleted file mode 100644 index a4132d7fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_17.png deleted file mode 100644 index 02645ff8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_18.png deleted file mode 100644 index 4bfeff37a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_19.png deleted file mode 100644 index 79f9b0d9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_20.png deleted file mode 100644 index 97a112c6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character22/0317_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_01.png deleted file mode 100644 index ad3102b46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_02.png deleted file mode 100644 index 7f690746a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_03.png deleted file mode 100644 index 56886446e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_04.png deleted file mode 100644 index 4d5e65a94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_05.png deleted file mode 100644 index 3dbe0b9c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_06.png deleted file mode 100644 index 3735027dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_07.png deleted file mode 100644 index 6b6892fd1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_08.png deleted file mode 100644 index 13aac5b87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_09.png deleted file mode 100644 index 6e702951d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_10.png deleted file mode 100644 index f6e53877b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_11.png deleted file mode 100644 index 173935fd2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_12.png deleted file mode 100644 index 63e5407ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_13.png deleted file mode 100644 index 6eb44d795..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_14.png deleted file mode 100644 index 47f1906f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_15.png deleted file mode 100644 index 38ea9cf64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_16.png deleted file mode 100644 index 611fd7987..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_17.png deleted file mode 100644 index 6a0acf4a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_18.png deleted file mode 100644 index 320ed71b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_19.png deleted file mode 100644 index b6637826d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_20.png deleted file mode 100644 index 165453c8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character23/0318_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_01.png deleted file mode 100644 index aaf17a9d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_02.png deleted file mode 100644 index d49023a4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_03.png deleted file mode 100644 index 994e0528a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_04.png deleted file mode 100644 index b5de35865..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_05.png deleted file mode 100644 index 27a75f206..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_06.png deleted file mode 100644 index 67adb79dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_07.png deleted file mode 100644 index c7d4dc2e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_08.png deleted file mode 100644 index 011b28aba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_09.png deleted file mode 100644 index 990e65b05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_10.png deleted file mode 100644 index 70eda1275..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_11.png deleted file mode 100644 index 80839d1b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_12.png deleted file mode 100644 index e27498f9d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_13.png deleted file mode 100644 index 4fd129c73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_14.png deleted file mode 100644 index 308b9f8af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_15.png deleted file mode 100644 index f9e80ce62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_16.png deleted file mode 100644 index 215b608ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_17.png deleted file mode 100644 index 50a64336d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_18.png deleted file mode 100644 index d8bc4f9a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_19.png deleted file mode 100644 index 7ba19b7f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_20.png deleted file mode 100644 index f43ca10f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character24/0319_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_01.png deleted file mode 100644 index c3b436b09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_02.png deleted file mode 100644 index 37b88d94a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_03.png deleted file mode 100644 index c2ed0d203..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_04.png deleted file mode 100644 index 2a669cf61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_05.png deleted file mode 100644 index 44c41d593..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_06.png deleted file mode 100644 index 8af86264a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_07.png deleted file mode 100644 index 63819b0fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_08.png deleted file mode 100644 index 161be6c55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_09.png deleted file mode 100644 index 92183be21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_10.png deleted file mode 100644 index df2154c9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_11.png deleted file mode 100644 index 8542925fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_12.png deleted file mode 100644 index 1e6c44226..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_13.png deleted file mode 100644 index 08695350a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_14.png deleted file mode 100644 index 50035531a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_15.png deleted file mode 100644 index abd1148d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_16.png deleted file mode 100644 index 31b053d7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_17.png deleted file mode 100644 index 5d1b5df97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_18.png deleted file mode 100644 index 2aab6ea3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_19.png deleted file mode 100644 index 4a5635591..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_20.png deleted file mode 100644 index 7f10b9c08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character25/0320_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_01.png deleted file mode 100644 index 3d1059b41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_02.png deleted file mode 100644 index 73f093e8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_03.png deleted file mode 100644 index 448722c20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_04.png deleted file mode 100644 index 42d1cb0d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_05.png deleted file mode 100644 index 9f5f7479e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_06.png deleted file mode 100644 index 2e755d221..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_07.png deleted file mode 100644 index e20a5116c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_08.png deleted file mode 100644 index 70ec08d0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_09.png deleted file mode 100644 index 68f1e835c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_10.png deleted file mode 100644 index 54e97b535..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_11.png deleted file mode 100644 index f50c32861..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_12.png deleted file mode 100644 index b5e57429c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_13.png deleted file mode 100644 index bdf99911d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_14.png deleted file mode 100644 index 20776c9a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_15.png deleted file mode 100644 index a4ef24bf9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_16.png deleted file mode 100644 index 87281a9fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_17.png deleted file mode 100644 index 29dbd13d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_18.png deleted file mode 100644 index 9e27adc67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_19.png deleted file mode 100644 index 31fd74c8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_20.png deleted file mode 100644 index b733fd519..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character26/0321_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_01.png deleted file mode 100644 index c729e8d03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_02.png deleted file mode 100644 index 87d2b8999..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_03.png deleted file mode 100644 index 1f9feb256..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_04.png deleted file mode 100644 index eb7438a7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_05.png deleted file mode 100644 index 9ebb00b9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_06.png deleted file mode 100644 index 48fe90851..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_07.png deleted file mode 100644 index ee21776d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_08.png deleted file mode 100644 index dbed404f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_09.png deleted file mode 100644 index 7e98c939b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_10.png deleted file mode 100644 index c1d4bdccd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_11.png deleted file mode 100644 index 86c48e17d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_12.png deleted file mode 100644 index ffa620ace..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_13.png deleted file mode 100644 index ee7fa9bf1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_14.png deleted file mode 100644 index 15ca1ba8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_15.png deleted file mode 100644 index 533a4abd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_16.png deleted file mode 100644 index 6fd1f780f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_17.png deleted file mode 100644 index b0057d5f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_18.png deleted file mode 100644 index 2b5ed3e82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_19.png deleted file mode 100644 index 601999c90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_20.png deleted file mode 100644 index 82bab9a9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character27/0322_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_01.png deleted file mode 100644 index 224b7a143..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_02.png deleted file mode 100644 index e40feb2f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_03.png deleted file mode 100644 index a951d8a8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_04.png deleted file mode 100644 index 1d711e1bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_05.png deleted file mode 100644 index 1927d571b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_06.png deleted file mode 100644 index dcf66250f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_07.png deleted file mode 100644 index 69ed31051..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_08.png deleted file mode 100644 index b028ccc47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_09.png deleted file mode 100644 index 0e1979999..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_10.png deleted file mode 100644 index 98125ba2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_11.png deleted file mode 100644 index 4740a082e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_12.png deleted file mode 100644 index 27e2b718c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_13.png deleted file mode 100644 index ebc6b3bc7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_14.png deleted file mode 100644 index 3b55e1053..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_15.png deleted file mode 100644 index d4b2e0dff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_16.png deleted file mode 100644 index 2a6a12ea3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_17.png deleted file mode 100644 index a1778363b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_18.png deleted file mode 100644 index cf3c04348..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_19.png deleted file mode 100644 index 2f2d55412..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_20.png deleted file mode 100644 index 521f676ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character28/0323_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_01.png deleted file mode 100644 index 23eb3a029..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_02.png deleted file mode 100644 index 2f2965b97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_03.png deleted file mode 100644 index c45ff7590..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_04.png deleted file mode 100644 index 8dd409c44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_05.png deleted file mode 100644 index 7e45410a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_06.png deleted file mode 100644 index fd79a1f87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_07.png deleted file mode 100644 index 2d9a9b44e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_08.png deleted file mode 100644 index 65fcea148..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_09.png deleted file mode 100644 index 49f58eb47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_10.png deleted file mode 100644 index 6a488c672..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_11.png deleted file mode 100644 index e604b3c90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_12.png deleted file mode 100644 index 53e6c16af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_13.png deleted file mode 100644 index 435d2e142..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_14.png deleted file mode 100644 index 01fef7062..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_15.png deleted file mode 100644 index 2dd23fb72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_16.png deleted file mode 100644 index 83dd3e498..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_17.png deleted file mode 100644 index 513da9bdb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_18.png deleted file mode 100644 index 119eb21c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_19.png deleted file mode 100644 index f56d4a571..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_20.png deleted file mode 100644 index cabb4708d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Anglo-Saxon_Futhorc/character29/0324_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_01.png deleted file mode 100644 index 112881e93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_02.png deleted file mode 100644 index 590a78555..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_03.png deleted file mode 100644 index 163979811..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_04.png deleted file mode 100644 index 1c38e406b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_05.png deleted file mode 100644 index 8613237f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_06.png deleted file mode 100644 index 30d9400c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_07.png deleted file mode 100644 index 226f3f08a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_08.png deleted file mode 100644 index 8d1997378..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_09.png deleted file mode 100644 index 1981b3d2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_10.png deleted file mode 100644 index f1c3949d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_11.png deleted file mode 100644 index 2ae78b7b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_12.png deleted file mode 100644 index a877f063a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_13.png deleted file mode 100644 index 2635abfaa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_14.png deleted file mode 100644 index 2935f3c8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_15.png deleted file mode 100644 index be6f9e4d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_16.png deleted file mode 100644 index c0f922b62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_17.png deleted file mode 100644 index fd4ffe0fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_18.png deleted file mode 100644 index b520a6d9d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_19.png deleted file mode 100644 index 12601d251..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_20.png deleted file mode 100644 index 422c01953..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character01/0001_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_01.png deleted file mode 100644 index 1d15b9660..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_02.png deleted file mode 100644 index c9be2369b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_03.png deleted file mode 100644 index d7a059527..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_04.png deleted file mode 100644 index 93da071c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_05.png deleted file mode 100644 index f047ff553..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_06.png deleted file mode 100644 index 9205edcbc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_07.png deleted file mode 100644 index b25baa38d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_08.png deleted file mode 100644 index d8aca0364..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_09.png deleted file mode 100644 index 808d4060e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_10.png deleted file mode 100644 index 2a5d202ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_11.png deleted file mode 100644 index 5335cd90a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_12.png deleted file mode 100644 index ec3dc5c15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_13.png deleted file mode 100644 index e43d4fff6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_14.png deleted file mode 100644 index fd4bbfa16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_15.png deleted file mode 100644 index 3a2b1ef80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_16.png deleted file mode 100644 index 1138eaf30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_17.png deleted file mode 100644 index c977a3c4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_18.png deleted file mode 100644 index 8eb5d8bba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_19.png deleted file mode 100644 index a71cdbbd4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_20.png deleted file mode 100644 index 6f7976154..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character02/0002_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_01.png deleted file mode 100644 index af0297d56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_02.png deleted file mode 100644 index c81f0ed24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_03.png deleted file mode 100644 index 3d700f55d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_04.png deleted file mode 100644 index dd6f66102..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_05.png deleted file mode 100644 index a6116d167..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_06.png deleted file mode 100644 index c110a0e62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_07.png deleted file mode 100644 index 101448b7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_08.png deleted file mode 100644 index 926029269..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_09.png deleted file mode 100644 index 1f5c2a06f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_10.png deleted file mode 100644 index a99251436..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_11.png deleted file mode 100644 index 7a424e778..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_12.png deleted file mode 100644 index 5df256124..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_13.png deleted file mode 100644 index 1711a43f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_14.png deleted file mode 100644 index ad815440c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_15.png deleted file mode 100644 index 655abc9a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_16.png deleted file mode 100644 index 8d5b9968a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_17.png deleted file mode 100644 index 1fd9d6c8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_18.png deleted file mode 100644 index a620be791..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_19.png deleted file mode 100644 index c0ddd0f5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_20.png deleted file mode 100644 index a78a6589e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character03/0003_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_01.png deleted file mode 100644 index fbad3b200..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_02.png deleted file mode 100644 index c79d36d57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_03.png deleted file mode 100644 index c5db4321d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_04.png deleted file mode 100644 index f641bf941..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_05.png deleted file mode 100644 index e239d9f3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_06.png deleted file mode 100644 index 4c2328eb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_07.png deleted file mode 100644 index a97644879..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_08.png deleted file mode 100644 index 642045ee1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_09.png deleted file mode 100644 index a2b243b07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_10.png deleted file mode 100644 index 83bda0326..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_11.png deleted file mode 100644 index d0c8f9d5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_12.png deleted file mode 100644 index 99d9b63d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_13.png deleted file mode 100644 index 52368b764..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_14.png deleted file mode 100644 index 21509d4dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_15.png deleted file mode 100644 index c99afe99d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_16.png deleted file mode 100644 index 7410a8e98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_17.png deleted file mode 100644 index 3414a7cb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_18.png deleted file mode 100644 index 7ae1907d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_19.png deleted file mode 100644 index 1c9d8bfff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_20.png deleted file mode 100644 index 07d70675b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character04/0004_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_01.png deleted file mode 100644 index 20df799c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_02.png deleted file mode 100644 index ce17faf0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_03.png deleted file mode 100644 index 6ddd9d27b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_04.png deleted file mode 100644 index 3516a0395..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_05.png deleted file mode 100644 index 2cf6e8a29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_06.png deleted file mode 100644 index b81299c8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_07.png deleted file mode 100644 index d823146ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_08.png deleted file mode 100644 index 5ca6de030..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_09.png deleted file mode 100644 index 4c69bd05d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_10.png deleted file mode 100644 index f81e8a169..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_11.png deleted file mode 100644 index a9c59bfc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_12.png deleted file mode 100644 index df776e000..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_13.png deleted file mode 100644 index 59c6c3a5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_14.png deleted file mode 100644 index 8d6b5256b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_15.png deleted file mode 100644 index 3f7ee3683..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_16.png deleted file mode 100644 index 2437e73a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_17.png deleted file mode 100644 index 26a392ce9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_18.png deleted file mode 100644 index 1e3e80844..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_19.png deleted file mode 100644 index 24a589ba0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_20.png deleted file mode 100644 index e564a9bc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character05/0005_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_01.png deleted file mode 100644 index e8429224d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_02.png deleted file mode 100644 index bf48ef053..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_03.png deleted file mode 100644 index 79e32b67d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_04.png deleted file mode 100644 index 8a34797cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_05.png deleted file mode 100644 index 935d7d881..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_06.png deleted file mode 100644 index c7f107720..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_07.png deleted file mode 100644 index fc3677170..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_08.png deleted file mode 100644 index e7c7ebf76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_09.png deleted file mode 100644 index e382339bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_10.png deleted file mode 100644 index d1ee90369..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_11.png deleted file mode 100644 index ce76ff727..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_12.png deleted file mode 100644 index 19108ce72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_13.png deleted file mode 100644 index cdaa047ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_14.png deleted file mode 100644 index ca2a9ebd4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_15.png deleted file mode 100644 index 0902c25b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_16.png deleted file mode 100644 index 57ea6af2e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_17.png deleted file mode 100644 index fa2a451aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_18.png deleted file mode 100644 index 1497a49c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_19.png deleted file mode 100644 index eb463823b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_20.png deleted file mode 100644 index abea1b02e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character06/0006_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_01.png deleted file mode 100644 index 685d80036..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_02.png deleted file mode 100644 index 628f3953b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_03.png deleted file mode 100644 index 7aba5eaff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_04.png deleted file mode 100644 index 5a768009c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_05.png deleted file mode 100644 index 65ce30342..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_06.png deleted file mode 100644 index 0fb27dc4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_07.png deleted file mode 100644 index 2d6889d26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_08.png deleted file mode 100644 index 69f3d1572..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_09.png deleted file mode 100644 index aa367ab7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_10.png deleted file mode 100644 index d42cd4a83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_11.png deleted file mode 100644 index 5c9d9f0c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_12.png deleted file mode 100644 index de9f0bb79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_13.png deleted file mode 100644 index 6bf660e88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_14.png deleted file mode 100644 index 67cbea0e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_15.png deleted file mode 100644 index 53e3ea025..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_16.png deleted file mode 100644 index 4360df758..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_17.png deleted file mode 100644 index 82e1002e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_18.png deleted file mode 100644 index a274cca18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_19.png deleted file mode 100644 index e2ece3a18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_20.png deleted file mode 100644 index 5febc96b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character07/0007_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_01.png deleted file mode 100644 index 41db1c177..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_02.png deleted file mode 100644 index 97c842894..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_03.png deleted file mode 100644 index 4bcbc747a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_04.png deleted file mode 100644 index 4e4c7ee33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_05.png deleted file mode 100644 index 4c1ceb667..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_06.png deleted file mode 100644 index cd63fcee1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_07.png deleted file mode 100644 index f43e59908..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_08.png deleted file mode 100644 index 2922f3595..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_09.png deleted file mode 100644 index e7b14fd89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_10.png deleted file mode 100644 index 1064fa464..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_11.png deleted file mode 100644 index afe080416..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_12.png deleted file mode 100644 index b76cd5e12..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_13.png deleted file mode 100644 index 37e5932cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_14.png deleted file mode 100644 index bd7fd7ec7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_15.png deleted file mode 100644 index 6a0959461..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_16.png deleted file mode 100644 index d723be4fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_17.png deleted file mode 100644 index 9cd349b95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_18.png deleted file mode 100644 index 8b1ffd1aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_19.png deleted file mode 100644 index a7fafd1bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_20.png deleted file mode 100644 index 73b71838f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character08/0008_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_01.png deleted file mode 100644 index 297972668..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_02.png deleted file mode 100644 index 9eff827ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_03.png deleted file mode 100644 index 4fab2d170..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_04.png deleted file mode 100644 index ff03b86de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_05.png deleted file mode 100644 index e3461c86e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_06.png deleted file mode 100644 index fba60c817..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_07.png deleted file mode 100644 index 162cbb94a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_08.png deleted file mode 100644 index 86baacdb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_09.png deleted file mode 100644 index 7ae1522d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_10.png deleted file mode 100644 index 095e69639..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_11.png deleted file mode 100644 index e15170b90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_12.png deleted file mode 100644 index 6a85b1330..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_13.png deleted file mode 100644 index 3fe8886bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_14.png deleted file mode 100644 index 0f4c26eab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_15.png deleted file mode 100644 index b33452351..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_16.png deleted file mode 100644 index 5b3459ccc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_17.png deleted file mode 100644 index 3fef76290..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_18.png deleted file mode 100644 index 0c904c757..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_19.png deleted file mode 100644 index d513d7eff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_20.png deleted file mode 100644 index 42c83d3c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character09/0009_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_01.png deleted file mode 100644 index b55cbb6c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_02.png deleted file mode 100644 index 4f4ac49ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_03.png deleted file mode 100644 index 4bb8147a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_04.png deleted file mode 100644 index 2bd3e89a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_05.png deleted file mode 100644 index 2504cbca6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_06.png deleted file mode 100644 index fda751295..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_07.png deleted file mode 100644 index 384faf4ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_08.png deleted file mode 100644 index 280dcf338..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_09.png deleted file mode 100644 index 6cdb406d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_10.png deleted file mode 100644 index 771952186..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_11.png deleted file mode 100644 index a3e94d783..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_12.png deleted file mode 100644 index 2a338c8b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_13.png deleted file mode 100644 index e803eefd4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_14.png deleted file mode 100644 index 9ac31a0f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_15.png deleted file mode 100644 index e0afefbcd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_16.png deleted file mode 100644 index 477502fcb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_17.png deleted file mode 100644 index ea79e3f33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_18.png deleted file mode 100644 index c17a1b71b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_19.png deleted file mode 100644 index 790273c0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_20.png deleted file mode 100644 index 2c89cd03d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character10/0010_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_01.png deleted file mode 100644 index aa542645e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_02.png deleted file mode 100644 index 25e8fbaf9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_03.png deleted file mode 100644 index ddcfe2e86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_04.png deleted file mode 100644 index f850e4115..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_05.png deleted file mode 100644 index c980e6a01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_06.png deleted file mode 100644 index 1c11e63dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_07.png deleted file mode 100644 index e6d90bcb8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_08.png deleted file mode 100644 index dd04631e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_09.png deleted file mode 100644 index 5ed381af6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_10.png deleted file mode 100644 index 90e7b5b3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_11.png deleted file mode 100644 index e89a7aad1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_12.png deleted file mode 100644 index c1739d2dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_13.png deleted file mode 100644 index 4dfb3b811..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_14.png deleted file mode 100644 index 0231a2d60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_15.png deleted file mode 100644 index 96029c323..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_16.png deleted file mode 100644 index ce5197fa8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_17.png deleted file mode 100644 index 57eb7b8ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_18.png deleted file mode 100644 index eed94ab87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_19.png deleted file mode 100644 index a6a1cd556..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_20.png deleted file mode 100644 index afedf7a09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character11/0011_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_01.png deleted file mode 100644 index 8638ed745..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_02.png deleted file mode 100644 index 366898eee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_03.png deleted file mode 100644 index 4658457e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_04.png deleted file mode 100644 index 97aea9b86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_05.png deleted file mode 100644 index 16ba96220..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_06.png deleted file mode 100644 index 5f4c85664..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_07.png deleted file mode 100644 index 3f9dac9c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_08.png deleted file mode 100644 index 349d6ade5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_09.png deleted file mode 100644 index 06f1e585a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_10.png deleted file mode 100644 index d85831cc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_11.png deleted file mode 100644 index 88d585113..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_12.png deleted file mode 100644 index 0890c5c0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_13.png deleted file mode 100644 index 910a4ed86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_14.png deleted file mode 100644 index 60811468f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_15.png deleted file mode 100644 index 04dfccdbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_16.png deleted file mode 100644 index 7d2b7b2fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_17.png deleted file mode 100644 index a3671e5d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_18.png deleted file mode 100644 index 1d561beef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_19.png deleted file mode 100644 index e6d4a8576..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_20.png deleted file mode 100644 index 3cfefcb65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character12/0012_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_01.png deleted file mode 100644 index a4f7d4458..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_02.png deleted file mode 100644 index aa094fcea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_03.png deleted file mode 100644 index 59177bb17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_04.png deleted file mode 100644 index 45672003b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_05.png deleted file mode 100644 index f1c2af478..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_06.png deleted file mode 100644 index 54ff06d9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_07.png deleted file mode 100644 index 5bfcc06c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_08.png deleted file mode 100644 index 37975626a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_09.png deleted file mode 100644 index fa2b12252..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_10.png deleted file mode 100644 index ed187cf88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_11.png deleted file mode 100644 index 3ffa71ee6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_12.png deleted file mode 100644 index 0bcda4cd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_13.png deleted file mode 100644 index 268f97747..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_14.png deleted file mode 100644 index 2d8670992..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_15.png deleted file mode 100644 index 0a4dc8901..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_16.png deleted file mode 100644 index 1ef9a5a0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_17.png deleted file mode 100644 index b5d3bc222..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_18.png deleted file mode 100644 index 7c93f2f66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_19.png deleted file mode 100644 index b5ce897b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_20.png deleted file mode 100644 index de9a03aa2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character13/0013_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_01.png deleted file mode 100644 index 48dc1e39a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_02.png deleted file mode 100644 index 1e4fc7160..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_03.png deleted file mode 100644 index 08abf8deb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_04.png deleted file mode 100644 index 9c107664d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_05.png deleted file mode 100644 index 4ab936c8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_06.png deleted file mode 100644 index 7f96c3c1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_07.png deleted file mode 100644 index 6ead75b57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_08.png deleted file mode 100644 index 25266355c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_09.png deleted file mode 100644 index af50dc53f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_10.png deleted file mode 100644 index a44ac0fc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_11.png deleted file mode 100644 index 6cbe8a8be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_12.png deleted file mode 100644 index 6766a6c50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_13.png deleted file mode 100644 index 172e96c31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_14.png deleted file mode 100644 index fc98b6e9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_15.png deleted file mode 100644 index 57fc6021f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_16.png deleted file mode 100644 index 232ba8749..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_17.png deleted file mode 100644 index be357923d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_18.png deleted file mode 100644 index 5238a0761..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_19.png deleted file mode 100644 index e87f8577f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_20.png deleted file mode 100644 index d15499e38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character14/0014_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_01.png deleted file mode 100644 index a836fbcb7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_02.png deleted file mode 100644 index 1ea09d937..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_03.png deleted file mode 100644 index 838d56118..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_04.png deleted file mode 100644 index 3b0052543..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_05.png deleted file mode 100644 index 1a86f35f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_06.png deleted file mode 100644 index 13905cf48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_07.png deleted file mode 100644 index 193d76c76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_08.png deleted file mode 100644 index 4fd802ab3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_09.png deleted file mode 100644 index 06df6fbf3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_10.png deleted file mode 100644 index d56d300f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_11.png deleted file mode 100644 index cce65c9df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_12.png deleted file mode 100644 index bfca7b550..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_13.png deleted file mode 100644 index 3ce03ff8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_14.png deleted file mode 100644 index 2bb636849..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_15.png deleted file mode 100644 index 276a4e235..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_16.png deleted file mode 100644 index acebd678b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_17.png deleted file mode 100644 index 421c2245d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_18.png deleted file mode 100644 index e22aa2d3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_19.png deleted file mode 100644 index 5bc902013..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_20.png deleted file mode 100644 index a97a947c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character15/0015_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_01.png deleted file mode 100644 index 58de1a709..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_02.png deleted file mode 100644 index 7fd42380c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_03.png deleted file mode 100644 index 2d01f9193..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_04.png deleted file mode 100644 index 8ffd5c1f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_05.png deleted file mode 100644 index a573992f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_06.png deleted file mode 100644 index 6bdbe93d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_07.png deleted file mode 100644 index 0004435b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_08.png deleted file mode 100644 index 02568894e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_09.png deleted file mode 100644 index 6478139ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_10.png deleted file mode 100644 index 03e5a6f0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_11.png deleted file mode 100644 index 945fdf0e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_12.png deleted file mode 100644 index d167a81bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_13.png deleted file mode 100644 index 2ba6dd507..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_14.png deleted file mode 100644 index ad77a49a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_15.png deleted file mode 100644 index d5221516b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_16.png deleted file mode 100644 index 67238d524..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_17.png deleted file mode 100644 index 7aaac2801..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_18.png deleted file mode 100644 index 6dc818d6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_19.png deleted file mode 100644 index 90bae2b55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_20.png deleted file mode 100644 index 4d0c89662..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character16/0016_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_01.png deleted file mode 100644 index 0e07f420d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_02.png deleted file mode 100644 index 051d0fd97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_03.png deleted file mode 100644 index 2310f05c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_04.png deleted file mode 100644 index b3d945bf8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_05.png deleted file mode 100644 index 9263c29c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_06.png deleted file mode 100644 index f422f7c10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_07.png deleted file mode 100644 index 09914d674..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_08.png deleted file mode 100644 index 4cc5350e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_09.png deleted file mode 100644 index 72626e43b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_10.png deleted file mode 100644 index a0687ef54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_11.png deleted file mode 100644 index b9c9b4ed6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_12.png deleted file mode 100644 index 30aa57cd5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_13.png deleted file mode 100644 index 9ac4877f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_14.png deleted file mode 100644 index 4aa89379c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_15.png deleted file mode 100644 index a0450c694..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_16.png deleted file mode 100644 index 9c31e6f5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_17.png deleted file mode 100644 index 30742d424..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_18.png deleted file mode 100644 index e63b62c17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_19.png deleted file mode 100644 index 6891a41cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_20.png deleted file mode 100644 index 5420bb29d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character17/0017_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_01.png deleted file mode 100644 index 1944814c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_02.png deleted file mode 100644 index 349c56477..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_03.png deleted file mode 100644 index 51c842c3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_04.png deleted file mode 100644 index 48a1be9da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_05.png deleted file mode 100644 index 5a4050eb1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_06.png deleted file mode 100644 index 923d78638..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_07.png deleted file mode 100644 index 469a1066f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_08.png deleted file mode 100644 index 07206dc8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_09.png deleted file mode 100644 index afb791716..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_10.png deleted file mode 100644 index f5d652418..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_11.png deleted file mode 100644 index 649f6aec7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_12.png deleted file mode 100644 index 85e398f62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_13.png deleted file mode 100644 index 6ff80edf0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_14.png deleted file mode 100644 index a69988b67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_15.png deleted file mode 100644 index 05c9d230d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_16.png deleted file mode 100644 index 01a8d32fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_17.png deleted file mode 100644 index b15e8df5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_18.png deleted file mode 100644 index 85ec5edf6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_19.png deleted file mode 100644 index f1386456b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_20.png deleted file mode 100644 index 3d6141b55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character18/0018_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_01.png deleted file mode 100644 index 2f3ff8d2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_02.png deleted file mode 100644 index acba6e732..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_03.png deleted file mode 100644 index ad59df755..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_04.png deleted file mode 100644 index 16b527a93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_05.png deleted file mode 100644 index 14c707d02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_06.png deleted file mode 100644 index 964d1ae82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_07.png deleted file mode 100644 index f8e72f524..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_08.png deleted file mode 100644 index 77cd64ebd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_09.png deleted file mode 100644 index cfe53b783..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_10.png deleted file mode 100644 index 73756eb0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_11.png deleted file mode 100644 index 191fb8720..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_12.png deleted file mode 100644 index b5122951f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_13.png deleted file mode 100644 index 7a942de65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_14.png deleted file mode 100644 index 414d9dca6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_15.png deleted file mode 100644 index debe206f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_16.png deleted file mode 100644 index 1c67514f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_17.png deleted file mode 100644 index 3c998f6eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_18.png deleted file mode 100644 index e56ee3157..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_19.png deleted file mode 100644 index 5b6a2d5fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_20.png deleted file mode 100644 index 1a67d5938..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character19/0019_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_01.png deleted file mode 100644 index b73dda5dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_02.png deleted file mode 100644 index fbb0c666e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_03.png deleted file mode 100644 index ecb422fa8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_04.png deleted file mode 100644 index a614796cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_05.png deleted file mode 100644 index fcfc7d2d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_06.png deleted file mode 100644 index 11609f065..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_07.png deleted file mode 100644 index 772f2957f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_08.png deleted file mode 100644 index ce150afdf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_09.png deleted file mode 100644 index acc2a7a89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_10.png deleted file mode 100644 index 7deac4af9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_11.png deleted file mode 100644 index ffe50db37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_12.png deleted file mode 100644 index 03ef676ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_13.png deleted file mode 100644 index 9e4d4f781..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_14.png deleted file mode 100644 index a31416ad9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_15.png deleted file mode 100644 index 7accb4ff4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_16.png deleted file mode 100644 index e20988b8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_17.png deleted file mode 100644 index 85dc6b30f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_18.png deleted file mode 100644 index f6f81454b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_19.png deleted file mode 100644 index 79fc50ccf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_20.png deleted file mode 100644 index 2bf45f50a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character20/0020_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_01.png deleted file mode 100644 index 647c6a6e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_02.png deleted file mode 100644 index df97fa6dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_03.png deleted file mode 100644 index 87127631e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_04.png deleted file mode 100644 index 5a1651de1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_05.png deleted file mode 100644 index 65cbd6469..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_06.png deleted file mode 100644 index c0f53b838..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_07.png deleted file mode 100644 index 4cec14e8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_08.png deleted file mode 100644 index c21b88d36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_09.png deleted file mode 100644 index 04341193f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_10.png deleted file mode 100644 index 942f0e125..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_11.png deleted file mode 100644 index 419769c3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_12.png deleted file mode 100644 index f81036c4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_13.png deleted file mode 100644 index a53c217c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_14.png deleted file mode 100644 index 4d7676439..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_15.png deleted file mode 100644 index c4e5a417d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_16.png deleted file mode 100644 index 1f8580f6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_17.png deleted file mode 100644 index e6132f194..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_18.png deleted file mode 100644 index f68e9683e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_19.png deleted file mode 100644 index 3eb5c2598..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_20.png deleted file mode 100644 index 774d8d994..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character21/0021_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_01.png deleted file mode 100644 index ad49f5801..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_02.png deleted file mode 100644 index 01a14fc02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_03.png deleted file mode 100644 index 5e3bfaf03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_04.png deleted file mode 100644 index eee4f07c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_05.png deleted file mode 100644 index 456252a78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_06.png deleted file mode 100644 index 306077a1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_07.png deleted file mode 100644 index a899e9460..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_08.png deleted file mode 100644 index 94b2ef6c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_09.png deleted file mode 100644 index 3965fb247..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_10.png deleted file mode 100644 index e5ae31da4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_11.png deleted file mode 100644 index 1309ecf56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_12.png deleted file mode 100644 index dc2611d4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_13.png deleted file mode 100644 index 38d0faad8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_14.png deleted file mode 100644 index e8abf4e52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_15.png deleted file mode 100644 index 83043f225..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_16.png deleted file mode 100644 index 283b46dbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_17.png deleted file mode 100644 index 4d46007ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_18.png deleted file mode 100644 index 7c9b85704..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_19.png deleted file mode 100644 index d9cc4efc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_20.png deleted file mode 100644 index e270a96aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character22/0022_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_01.png deleted file mode 100644 index 5f98166b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_02.png deleted file mode 100644 index 1109d83a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_03.png deleted file mode 100644 index 1e27e9c3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_04.png deleted file mode 100644 index bdff3a05c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_05.png deleted file mode 100644 index e6445ae9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_06.png deleted file mode 100644 index 7ca1582f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_07.png deleted file mode 100644 index a80536bfc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_08.png deleted file mode 100644 index 21bd649b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_09.png deleted file mode 100644 index 0a7516548..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_10.png deleted file mode 100644 index 23b40fc90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_11.png deleted file mode 100644 index d6aeb6a75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_12.png deleted file mode 100644 index 4039eaa71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_13.png deleted file mode 100644 index 0531b0f3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_14.png deleted file mode 100644 index b2ddb5db6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_15.png deleted file mode 100644 index 2e235424e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_16.png deleted file mode 100644 index a9e6d1040..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_17.png deleted file mode 100644 index 507a26b25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_18.png deleted file mode 100644 index f98021407..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_19.png deleted file mode 100644 index e3771df62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_20.png deleted file mode 100644 index a736806b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character23/0023_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_01.png deleted file mode 100644 index 84f44460e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_02.png deleted file mode 100644 index e8e9e4b4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_03.png deleted file mode 100644 index 69e261663..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_04.png deleted file mode 100644 index 00587a0d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_05.png deleted file mode 100644 index 62aae6b59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_06.png deleted file mode 100644 index 9f13d94e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_07.png deleted file mode 100644 index 905957051..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_08.png deleted file mode 100644 index 600466745..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_09.png deleted file mode 100644 index 6b95b59de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_10.png deleted file mode 100644 index ba5489f3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_11.png deleted file mode 100644 index 7042bba28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_12.png deleted file mode 100644 index 2faf08fb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_13.png deleted file mode 100644 index 06bbeb180..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_14.png deleted file mode 100644 index af6c244a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_15.png deleted file mode 100644 index 0ff9b8d02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_16.png deleted file mode 100644 index 7e4185c0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_17.png deleted file mode 100644 index 1d8ccd491..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_18.png deleted file mode 100644 index f355c37e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_19.png deleted file mode 100644 index e0db0b2f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_20.png deleted file mode 100644 index acdb87e3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character24/0024_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_01.png deleted file mode 100644 index 02fc9ba96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_02.png deleted file mode 100644 index c933c7479..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_03.png deleted file mode 100644 index 9cb0477b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_04.png deleted file mode 100644 index 1e6397955..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_05.png deleted file mode 100644 index f4be66b59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_06.png deleted file mode 100644 index a7a020e36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_07.png deleted file mode 100644 index 3e5a5342e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_08.png deleted file mode 100644 index 2b4d3f07e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_09.png deleted file mode 100644 index 626109037..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_10.png deleted file mode 100644 index 5fbdcf8ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_11.png deleted file mode 100644 index 6c6c4d289..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_12.png deleted file mode 100644 index adf7303d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_13.png deleted file mode 100644 index 46b78c985..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_14.png deleted file mode 100644 index b52a53c88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_15.png deleted file mode 100644 index 324e22a30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_16.png deleted file mode 100644 index cb36d012c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_17.png deleted file mode 100644 index e945309bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_18.png deleted file mode 100644 index 9dec0374a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_19.png deleted file mode 100644 index 6c7a14435..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_20.png deleted file mode 100644 index 32d398b82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character25/0025_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_01.png deleted file mode 100644 index 6c55d2aa5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_02.png deleted file mode 100644 index 750c71991..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_03.png deleted file mode 100644 index 05ef4c559..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_04.png deleted file mode 100644 index 0e96a911d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_05.png deleted file mode 100644 index 59da27a7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_06.png deleted file mode 100644 index b5ee9fb2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_07.png deleted file mode 100644 index d5cd4aefb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_08.png deleted file mode 100644 index 8861df69d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_09.png deleted file mode 100644 index d5093a354..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_10.png deleted file mode 100644 index cc4802083..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_11.png deleted file mode 100644 index a96301137..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_12.png deleted file mode 100644 index 9e56eda9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_13.png deleted file mode 100644 index bf2ec5fe6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_14.png deleted file mode 100644 index 755b94768..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_15.png deleted file mode 100644 index eb710ce23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_16.png deleted file mode 100644 index 8abdd70b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_17.png deleted file mode 100644 index 9ffd4dd38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_18.png deleted file mode 100644 index f59cfe35d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_19.png deleted file mode 100644 index ae9468004..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_20.png deleted file mode 100644 index 99dce996a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Arcadian/character26/0026_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_01.png deleted file mode 100644 index 03145c418..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_02.png deleted file mode 100644 index 683b5ee3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_03.png deleted file mode 100644 index c11431272..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_04.png deleted file mode 100644 index 3c724c152..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_05.png deleted file mode 100644 index f23cfad4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_06.png deleted file mode 100644 index 8f508865f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_07.png deleted file mode 100644 index 0924c0e55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_08.png deleted file mode 100644 index bacd31da3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_09.png deleted file mode 100644 index 763a64062..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_10.png deleted file mode 100644 index 73d4688a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_11.png deleted file mode 100644 index 3ac07be53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_12.png deleted file mode 100644 index 8b74464dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_13.png deleted file mode 100644 index 7c01dc31a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_14.png deleted file mode 100644 index 715f11362..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_15.png deleted file mode 100644 index a5ce905b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_16.png deleted file mode 100644 index 01cbb77f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_17.png deleted file mode 100644 index 330af7e23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_18.png deleted file mode 100644 index d723688ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_19.png deleted file mode 100644 index db8f0fcdf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_20.png deleted file mode 100644 index ced05833a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character01/0027_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_01.png deleted file mode 100644 index d8dffd11e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_02.png deleted file mode 100644 index d4bea9a30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_03.png deleted file mode 100644 index 9fc24790e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_04.png deleted file mode 100644 index 835f93b0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_05.png deleted file mode 100644 index 8b6afe844..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_06.png deleted file mode 100644 index f9e4134f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_07.png deleted file mode 100644 index ebb5299f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_08.png deleted file mode 100644 index 0ee73e933..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_09.png deleted file mode 100644 index a30911eca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_10.png deleted file mode 100644 index 87128d5f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_11.png deleted file mode 100644 index 81d6c3266..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_12.png deleted file mode 100644 index 6473bfee1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_13.png deleted file mode 100644 index a85ff1350..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_14.png deleted file mode 100644 index 2eba1b797..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_15.png deleted file mode 100644 index 91d03ab46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_16.png deleted file mode 100644 index 8a21b6ea4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_17.png deleted file mode 100644 index b160e6ac0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_18.png deleted file mode 100644 index 5628d4f0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_19.png deleted file mode 100644 index 6353e258b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_20.png deleted file mode 100644 index e5db108b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character02/0028_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_01.png deleted file mode 100644 index 8786f107c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_02.png deleted file mode 100644 index 539865d75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_03.png deleted file mode 100644 index 9c11fc4d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_04.png deleted file mode 100644 index 53454c5b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_05.png deleted file mode 100644 index 21952f7da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_06.png deleted file mode 100644 index 7f97666b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_07.png deleted file mode 100644 index e163ea274..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_08.png deleted file mode 100644 index 91c0746d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_09.png deleted file mode 100644 index 3153acf0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_10.png deleted file mode 100644 index a16e93bd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_11.png deleted file mode 100644 index 1b03a233f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_12.png deleted file mode 100644 index a08b40d54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_13.png deleted file mode 100644 index cd5abca8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_14.png deleted file mode 100644 index ebfe4b4cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_15.png deleted file mode 100644 index 1d6b80d96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_16.png deleted file mode 100644 index 14bcdc8e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_17.png deleted file mode 100644 index 6318c806d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_18.png deleted file mode 100644 index 22164db0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_19.png deleted file mode 100644 index 8f5258a9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_20.png deleted file mode 100644 index 3d57c2949..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character03/0029_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_01.png deleted file mode 100644 index d7598766f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_02.png deleted file mode 100644 index a66d0fa28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_03.png deleted file mode 100644 index 82da50b0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_04.png deleted file mode 100644 index 5cd1ad9c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_05.png deleted file mode 100644 index 8e47b38d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_06.png deleted file mode 100644 index 5b47b21dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_07.png deleted file mode 100644 index 952a0a669..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_08.png deleted file mode 100644 index 7a72240aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_09.png deleted file mode 100644 index 27451a66d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_10.png deleted file mode 100644 index 402dcc7ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_11.png deleted file mode 100644 index c899a4a59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_12.png deleted file mode 100644 index 5a0d10c69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_13.png deleted file mode 100644 index 06adbcbfc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_14.png deleted file mode 100644 index 2abace54c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_15.png deleted file mode 100644 index cdf6e3c10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_16.png deleted file mode 100644 index 43578bb3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_17.png deleted file mode 100644 index c75584dbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_18.png deleted file mode 100644 index 2c404a44f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_19.png deleted file mode 100644 index 9903b1990..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_20.png deleted file mode 100644 index 80c6a969e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character04/0030_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_01.png deleted file mode 100644 index eacd49e58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_02.png deleted file mode 100644 index 63073f00a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_03.png deleted file mode 100644 index 8c3d24bc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_04.png deleted file mode 100644 index 4a1cc6fdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_05.png deleted file mode 100644 index a28d1e512..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_06.png deleted file mode 100644 index 4eda2f42c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_07.png deleted file mode 100644 index fd68d660e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_08.png deleted file mode 100644 index 6d4b2bcd5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_09.png deleted file mode 100644 index c16e2c2eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_10.png deleted file mode 100644 index f64eadb82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_11.png deleted file mode 100644 index 0f2d25cbf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_12.png deleted file mode 100644 index aa0940a05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_13.png deleted file mode 100644 index 8c545d3ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_14.png deleted file mode 100644 index 4e1d07bf0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_15.png deleted file mode 100644 index c19699805..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_16.png deleted file mode 100644 index 586cbafc4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_17.png deleted file mode 100644 index 77e75b926..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_18.png deleted file mode 100644 index 41dab50e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_19.png deleted file mode 100644 index aba391d5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_20.png deleted file mode 100644 index 2c2985136..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character05/0031_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_01.png deleted file mode 100644 index de9743f54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_02.png deleted file mode 100644 index 930bab226..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_03.png deleted file mode 100644 index d10c54287..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_04.png deleted file mode 100644 index 9550d9c30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_05.png deleted file mode 100644 index afa64d8b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_06.png deleted file mode 100644 index d26b47b27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_07.png deleted file mode 100644 index 72ab7eab6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_08.png deleted file mode 100644 index 1710826ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_09.png deleted file mode 100644 index 648e5aa9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_10.png deleted file mode 100644 index 9fc2cd44b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_11.png deleted file mode 100644 index ac8528a02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_12.png deleted file mode 100644 index bdec4ee9d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_13.png deleted file mode 100644 index 2d9c84841..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_14.png deleted file mode 100644 index 6a4ac9438..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_15.png deleted file mode 100644 index d1a445d5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_16.png deleted file mode 100644 index edb51b322..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_17.png deleted file mode 100644 index 30a797bfd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_18.png deleted file mode 100644 index f6565569b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_19.png deleted file mode 100644 index fb0e1c918..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_20.png deleted file mode 100644 index af5a149c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character06/0032_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_01.png deleted file mode 100644 index 9bb941d25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_02.png deleted file mode 100644 index de4a71790..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_03.png deleted file mode 100644 index 54853546c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_04.png deleted file mode 100644 index 57196bb6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_05.png deleted file mode 100644 index 6e94c68c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_06.png deleted file mode 100644 index 34b021e2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_07.png deleted file mode 100644 index d517ef011..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_08.png deleted file mode 100644 index f89c778ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_09.png deleted file mode 100644 index da854f82d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_10.png deleted file mode 100644 index 1ec0bb556..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_11.png deleted file mode 100644 index 27ca797a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_12.png deleted file mode 100644 index a205b7691..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_13.png deleted file mode 100644 index 73d6b8ffb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_14.png deleted file mode 100644 index f6300dd60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_15.png deleted file mode 100644 index c1f96d0d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_16.png deleted file mode 100644 index 0ec9df20b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_17.png deleted file mode 100644 index bb1d31db6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_18.png deleted file mode 100644 index 04b3f6b63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_19.png deleted file mode 100644 index 109729172..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_20.png deleted file mode 100644 index 0649859a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character07/0033_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_01.png deleted file mode 100644 index d0ac2d39d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_02.png deleted file mode 100644 index 4db28121a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_03.png deleted file mode 100644 index 68f46e8c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_04.png deleted file mode 100644 index 0a9eb52ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_05.png deleted file mode 100644 index 7bde0ff86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_06.png deleted file mode 100644 index dc5487c5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_07.png deleted file mode 100644 index 91a58ac9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_08.png deleted file mode 100644 index 69e40e2b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_09.png deleted file mode 100644 index 9bcfedc16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_10.png deleted file mode 100644 index eb67ee1c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_11.png deleted file mode 100644 index 1aeb1e1fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_12.png deleted file mode 100644 index 46b3717f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_13.png deleted file mode 100644 index 82f751c71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_14.png deleted file mode 100644 index 8b0da5203..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_15.png deleted file mode 100644 index 515d2c64e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_16.png deleted file mode 100644 index 314e57edc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_17.png deleted file mode 100644 index b87ccdcfd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_18.png deleted file mode 100644 index dad6f13f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_19.png deleted file mode 100644 index 0bf0a3ac0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_20.png deleted file mode 100644 index be21b925a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character08/0034_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_01.png deleted file mode 100644 index 88f527580..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_02.png deleted file mode 100644 index 8d6a6ba7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_03.png deleted file mode 100644 index f65fdebb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_04.png deleted file mode 100644 index d54036866..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_05.png deleted file mode 100644 index e7e46dd64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_06.png deleted file mode 100644 index f2e2b091f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_07.png deleted file mode 100644 index 4f2d51b3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_08.png deleted file mode 100644 index 457d4ca25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_09.png deleted file mode 100644 index 327e2f03c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_10.png deleted file mode 100644 index 4178fdaa5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_11.png deleted file mode 100644 index 4876567d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_12.png deleted file mode 100644 index 3aa811f64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_13.png deleted file mode 100644 index c3d6db0d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_14.png deleted file mode 100644 index 152eaf707..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_15.png deleted file mode 100644 index 307102017..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_16.png deleted file mode 100644 index b7aade350..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_17.png deleted file mode 100644 index b163172e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_18.png deleted file mode 100644 index 47270f8e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_19.png deleted file mode 100644 index aa13e0331..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_20.png deleted file mode 100644 index be5a5c054..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character09/0035_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_01.png deleted file mode 100644 index 089a72bd1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_02.png deleted file mode 100644 index f8cd24090..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_03.png deleted file mode 100644 index 948ff3494..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_04.png deleted file mode 100644 index d67323ee3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_05.png deleted file mode 100644 index 858df0072..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_06.png deleted file mode 100644 index 777727c51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_07.png deleted file mode 100644 index 4f9cc429f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_08.png deleted file mode 100644 index ea2997a79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_09.png deleted file mode 100644 index 0b255b47e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_10.png deleted file mode 100644 index b01c06a7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_11.png deleted file mode 100644 index 85226a994..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_12.png deleted file mode 100644 index aca9fe523..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_13.png deleted file mode 100644 index 626d9dd77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_14.png deleted file mode 100644 index 068eacbb1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_15.png deleted file mode 100644 index c55c76dfc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_16.png deleted file mode 100644 index effd36f38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_17.png deleted file mode 100644 index c65810fd2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_18.png deleted file mode 100644 index 6f4087257..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_19.png deleted file mode 100644 index 2a3b63aa6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_20.png deleted file mode 100644 index b04c10ca8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character10/0036_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_01.png deleted file mode 100644 index 43eb68c0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_02.png deleted file mode 100644 index 92ce4e37f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_03.png deleted file mode 100644 index f91767c6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_04.png deleted file mode 100644 index 3023806a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_05.png deleted file mode 100644 index bd0689f2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_06.png deleted file mode 100644 index bd0075455..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_07.png deleted file mode 100644 index 642f474d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_08.png deleted file mode 100644 index c9148aeff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_09.png deleted file mode 100644 index 30f47e10c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_10.png deleted file mode 100644 index f1e1daac1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_11.png deleted file mode 100644 index d3239d478..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_12.png deleted file mode 100644 index 9fbb214ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_13.png deleted file mode 100644 index 5e246176f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_14.png deleted file mode 100644 index 7eb5284c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_15.png deleted file mode 100644 index fca142982..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_16.png deleted file mode 100644 index 76c8dd47f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_17.png deleted file mode 100644 index f22bb11c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_18.png deleted file mode 100644 index a2b4e8377..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_19.png deleted file mode 100644 index b3892bd63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_20.png deleted file mode 100644 index a81378816..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character11/0037_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_01.png deleted file mode 100644 index 7f8c512e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_02.png deleted file mode 100644 index 4666a0355..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_03.png deleted file mode 100644 index cfe9016d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_04.png deleted file mode 100644 index c65f36be6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_05.png deleted file mode 100644 index e1495f860..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_06.png deleted file mode 100644 index 981e5c4ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_07.png deleted file mode 100644 index 3ccfce6e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_08.png deleted file mode 100644 index 2a3279801..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_09.png deleted file mode 100644 index fdb2c750b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_10.png deleted file mode 100644 index 835053810..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_11.png deleted file mode 100644 index 59923af2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_12.png deleted file mode 100644 index ceee026ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_13.png deleted file mode 100644 index 2bd5880f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_14.png deleted file mode 100644 index 5950bb8d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_15.png deleted file mode 100644 index 349cee809..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_16.png deleted file mode 100644 index 3f1145744..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_17.png deleted file mode 100644 index 8a3083815..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_18.png deleted file mode 100644 index b870dc08f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_19.png deleted file mode 100644 index b3c4cc864..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_20.png deleted file mode 100644 index 84fd37712..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character12/0038_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_01.png deleted file mode 100644 index a35a4d68a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_02.png deleted file mode 100644 index a831b6b30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_03.png deleted file mode 100644 index 48d9eb92e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_04.png deleted file mode 100644 index ca58a9307..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_05.png deleted file mode 100644 index 5488256a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_06.png deleted file mode 100644 index eb758e593..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_07.png deleted file mode 100644 index 393f942ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_08.png deleted file mode 100644 index b7f48eeb5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_09.png deleted file mode 100644 index 853841042..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_10.png deleted file mode 100644 index 2965acbbc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_11.png deleted file mode 100644 index 42d0011e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_12.png deleted file mode 100644 index e642e2583..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_13.png deleted file mode 100644 index c44c6f4dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_14.png deleted file mode 100644 index be8729ffa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_15.png deleted file mode 100644 index e16ae6fcb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_16.png deleted file mode 100644 index 0cd14b1b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_17.png deleted file mode 100644 index 600579df2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_18.png deleted file mode 100644 index 5f00332c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_19.png deleted file mode 100644 index 1f1af90d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_20.png deleted file mode 100644 index 84539fe25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character13/0039_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_01.png deleted file mode 100644 index 87d64b837..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_02.png deleted file mode 100644 index fb01ca64c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_03.png deleted file mode 100644 index 9015a1b3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_04.png deleted file mode 100644 index 551a0631d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_05.png deleted file mode 100644 index ba517829c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_06.png deleted file mode 100644 index 1eb24dccd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_07.png deleted file mode 100644 index 92268b40a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_08.png deleted file mode 100644 index 9fdbfe701..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_09.png deleted file mode 100644 index 9241d147d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_10.png deleted file mode 100644 index f784f1e2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_11.png deleted file mode 100644 index 55dd23d4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_12.png deleted file mode 100644 index 32ae11d57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_13.png deleted file mode 100644 index 1db146866..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_14.png deleted file mode 100644 index a6ed36ccd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_15.png deleted file mode 100644 index e715ac926..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_16.png deleted file mode 100644 index e620d1570..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_17.png deleted file mode 100644 index 333566d0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_18.png deleted file mode 100644 index 378bf00c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_19.png deleted file mode 100644 index cc64ab2cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_20.png deleted file mode 100644 index f9195315e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character14/0040_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_01.png deleted file mode 100644 index 01bae274e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_02.png deleted file mode 100644 index c41fa06d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_03.png deleted file mode 100644 index c304b6ec5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_04.png deleted file mode 100644 index 82cedd237..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_05.png deleted file mode 100644 index 50d1ce891..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_06.png deleted file mode 100644 index aab9e58f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_07.png deleted file mode 100644 index 71a8b15d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_08.png deleted file mode 100644 index b3168f170..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_09.png deleted file mode 100644 index 6e4ea7dae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_10.png deleted file mode 100644 index adfb56d76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_11.png deleted file mode 100644 index 71c6ee80a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_12.png deleted file mode 100644 index 694fb6c51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_13.png deleted file mode 100644 index bc57d11c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_14.png deleted file mode 100644 index 09c65902c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_15.png deleted file mode 100644 index d0f41082a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_16.png deleted file mode 100644 index 7bdc4fea2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_17.png deleted file mode 100644 index 8d1ecd2a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_18.png deleted file mode 100644 index 565aac3b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_19.png deleted file mode 100644 index db95fa42d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_20.png deleted file mode 100644 index 271dee353..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character15/0041_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_01.png deleted file mode 100644 index 2d97f8c59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_02.png deleted file mode 100644 index 14d6ec71c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_03.png deleted file mode 100644 index 34fb7a19f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_04.png deleted file mode 100644 index d2feee00e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_05.png deleted file mode 100644 index 4c737b55e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_06.png deleted file mode 100644 index fb45965b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_07.png deleted file mode 100644 index 35750bca3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_08.png deleted file mode 100644 index 9eb221e16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_09.png deleted file mode 100644 index 8750142a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_10.png deleted file mode 100644 index a194db663..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_11.png deleted file mode 100644 index 5d795cbf0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_12.png deleted file mode 100644 index 556ada398..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_13.png deleted file mode 100644 index e013246eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_14.png deleted file mode 100644 index 58c2f913b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_15.png deleted file mode 100644 index c32583c07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_16.png deleted file mode 100644 index 29a33378b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_17.png deleted file mode 100644 index 864e6d339..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_18.png deleted file mode 100644 index f083c19a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_19.png deleted file mode 100644 index 40e1bb82e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_20.png deleted file mode 100644 index 6336d4dcf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character16/0042_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_01.png deleted file mode 100644 index 9b7afd02e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_02.png deleted file mode 100644 index c563409a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_03.png deleted file mode 100644 index 6d02e7b26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_04.png deleted file mode 100644 index 1d730ae0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_05.png deleted file mode 100644 index cf2a21e92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_06.png deleted file mode 100644 index d38389a7b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_07.png deleted file mode 100644 index cbdb06afe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_08.png deleted file mode 100644 index 7d4504e24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_09.png deleted file mode 100644 index 4d85e8142..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_10.png deleted file mode 100644 index 386a44245..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_11.png deleted file mode 100644 index b699bd98c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_12.png deleted file mode 100644 index d5b669396..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_13.png deleted file mode 100644 index 59da30aeb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_14.png deleted file mode 100644 index b04d900d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_15.png deleted file mode 100644 index a53f40ee6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_16.png deleted file mode 100644 index 6e130fd63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_17.png deleted file mode 100644 index b50726d66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_18.png deleted file mode 100644 index d4b4158de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_19.png deleted file mode 100644 index e631b7deb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_20.png deleted file mode 100644 index 80d02398c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character17/0043_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_01.png deleted file mode 100644 index 3172f78fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_02.png deleted file mode 100644 index d37f249c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_03.png deleted file mode 100644 index 6e132175a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_04.png deleted file mode 100644 index 98aac012b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_05.png deleted file mode 100644 index 9245e33ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_06.png deleted file mode 100644 index c831cd9f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_07.png deleted file mode 100644 index 01caff539..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_08.png deleted file mode 100644 index 6f404f839..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_09.png deleted file mode 100644 index 1b0125eca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_10.png deleted file mode 100644 index 3fa856a98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_11.png deleted file mode 100644 index 67db7b31d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_12.png deleted file mode 100644 index b6943edfc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_13.png deleted file mode 100644 index 5e39bc4f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_14.png deleted file mode 100644 index d02cdb175..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_15.png deleted file mode 100644 index 529283559..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_16.png deleted file mode 100644 index b60cc148e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_17.png deleted file mode 100644 index de2c1765f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_18.png deleted file mode 100644 index 5e8ee6d0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_19.png deleted file mode 100644 index 45aa0b88c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_20.png deleted file mode 100644 index 98c7d5587..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character18/0044_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_01.png deleted file mode 100644 index 7b69c34b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_02.png deleted file mode 100644 index b916c28f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_03.png deleted file mode 100644 index a2da40669..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_04.png deleted file mode 100644 index bf3fde887..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_05.png deleted file mode 100644 index a163800f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_06.png deleted file mode 100644 index 3084eab45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_07.png deleted file mode 100644 index b77921f2e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_08.png deleted file mode 100644 index f966ddccf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_09.png deleted file mode 100644 index b9999b222..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_10.png deleted file mode 100644 index 373b3986b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_11.png deleted file mode 100644 index 6e0f548ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_12.png deleted file mode 100644 index ffad466d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_13.png deleted file mode 100644 index 932b2da65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_14.png deleted file mode 100644 index b4a686ddf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_15.png deleted file mode 100644 index 4f15014b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_16.png deleted file mode 100644 index 0dc3a0eb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_17.png deleted file mode 100644 index 0cc80bedc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_18.png deleted file mode 100644 index 792c1e510..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_19.png deleted file mode 100644 index 973dd0f5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_20.png deleted file mode 100644 index e57bd3417..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character19/0045_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_01.png deleted file mode 100644 index 4b95cc4e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_02.png deleted file mode 100644 index 93a1b8983..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_03.png deleted file mode 100644 index 5064fde84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_04.png deleted file mode 100644 index b6fab15b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_05.png deleted file mode 100644 index 9fc4d7e2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_06.png deleted file mode 100644 index cf8847037..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_07.png deleted file mode 100644 index 8f50674b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_08.png deleted file mode 100644 index f54a6e39d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_09.png deleted file mode 100644 index 79e9426b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_10.png deleted file mode 100644 index 1debef630..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_11.png deleted file mode 100644 index fac20e0ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_12.png deleted file mode 100644 index f6f93caab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_13.png deleted file mode 100644 index 88d0bf8d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_14.png deleted file mode 100644 index 6d5f2eeb3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_15.png deleted file mode 100644 index 0f1d5c13c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_16.png deleted file mode 100644 index 730efa840..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_17.png deleted file mode 100644 index 7c00ddeab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_18.png deleted file mode 100644 index 1e276dd09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_19.png deleted file mode 100644 index a38bcfaa5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_20.png deleted file mode 100644 index 83546df4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character20/0046_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_01.png deleted file mode 100644 index c2d21f761..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_02.png deleted file mode 100644 index 6b861d655..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_03.png deleted file mode 100644 index 467ba8abd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_04.png deleted file mode 100644 index beb4111c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_05.png deleted file mode 100644 index 28791ff02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_06.png deleted file mode 100644 index b4fc548bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_07.png deleted file mode 100644 index d211963a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_08.png deleted file mode 100644 index 8368dc7d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_09.png deleted file mode 100644 index c5e78935f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_10.png deleted file mode 100644 index 315ac4f63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_11.png deleted file mode 100644 index 1e6644676..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_12.png deleted file mode 100644 index 8a996a6d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_13.png deleted file mode 100644 index d4d4409a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_14.png deleted file mode 100644 index 6d57bd8aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_15.png deleted file mode 100644 index 3e175a56a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_16.png deleted file mode 100644 index 7166d6094..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_17.png deleted file mode 100644 index bde449b33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_18.png deleted file mode 100644 index 45df5b577..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_19.png deleted file mode 100644 index b4ded9c45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_20.png deleted file mode 100644 index 9fcce1214..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character21/0047_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_01.png deleted file mode 100644 index 59d53afdf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_02.png deleted file mode 100644 index 1ead9a536..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_03.png deleted file mode 100644 index 252e25698..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_04.png deleted file mode 100644 index e41c29ab4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_05.png deleted file mode 100644 index 2969b9899..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_06.png deleted file mode 100644 index 3a1c4c0fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_07.png deleted file mode 100644 index 532562d99..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_08.png deleted file mode 100644 index 785b4c77c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_09.png deleted file mode 100644 index ef55d74d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_10.png deleted file mode 100644 index c3d324b8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_11.png deleted file mode 100644 index c54be4669..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_12.png deleted file mode 100644 index 39e6fd76b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_13.png deleted file mode 100644 index bf00c7321..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_14.png deleted file mode 100644 index 2a5f592b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_15.png deleted file mode 100644 index b30f85ff6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_16.png deleted file mode 100644 index 558939c54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_17.png deleted file mode 100644 index 8515f5fb8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_18.png deleted file mode 100644 index fbdf529e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_19.png deleted file mode 100644 index 24cb9aaf3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_20.png deleted file mode 100644 index 187f54c90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character22/0048_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_01.png deleted file mode 100644 index feb699a36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_02.png deleted file mode 100644 index 590fd8af8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_03.png deleted file mode 100644 index be1ab0933..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_04.png deleted file mode 100644 index 3a9f1b7b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_05.png deleted file mode 100644 index 9ef19bbb8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_06.png deleted file mode 100644 index 8cc3a0d76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_07.png deleted file mode 100644 index 931f16ec9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_08.png deleted file mode 100644 index 392815e64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_09.png deleted file mode 100644 index fcb2d4608..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_10.png deleted file mode 100644 index 3594cc3c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_11.png deleted file mode 100644 index 5bd0270e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_12.png deleted file mode 100644 index 44acad046..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_13.png deleted file mode 100644 index 99d6ed8b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_14.png deleted file mode 100644 index f636b1a64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_15.png deleted file mode 100644 index d7bccf17a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_16.png deleted file mode 100644 index c6b33c042..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_17.png deleted file mode 100644 index 5781a6afe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_18.png deleted file mode 100644 index 5ad10dbca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_19.png deleted file mode 100644 index 13e9ae596..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_20.png deleted file mode 100644 index fbfc50552..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character23/0049_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_01.png deleted file mode 100644 index 6f3b21cf4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_02.png deleted file mode 100644 index 7dde415f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_03.png deleted file mode 100644 index 3576ea5e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_04.png deleted file mode 100644 index b5b8df080..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_05.png deleted file mode 100644 index cfb9b8bc0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_06.png deleted file mode 100644 index 9e9500aab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_07.png deleted file mode 100644 index 22944481d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_08.png deleted file mode 100644 index 11c2beed9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_09.png deleted file mode 100644 index 70e54fb4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_10.png deleted file mode 100644 index b97e9f8f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_11.png deleted file mode 100644 index f3bbc9a88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_12.png deleted file mode 100644 index dfeac97b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_13.png deleted file mode 100644 index 3ab328ae8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_14.png deleted file mode 100644 index 3a4046e3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_15.png deleted file mode 100644 index 170b1165a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_16.png deleted file mode 100644 index 312d95c24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_17.png deleted file mode 100644 index 7be7b2b36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_18.png deleted file mode 100644 index c2eaa02fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_19.png deleted file mode 100644 index abab04d96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_20.png deleted file mode 100644 index 886a0f020..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character24/0050_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_01.png deleted file mode 100644 index 7b146d559..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_02.png deleted file mode 100644 index f268a43ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_03.png deleted file mode 100644 index 499a33fea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_04.png deleted file mode 100644 index 235f48e9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_05.png deleted file mode 100644 index 348d5a044..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_06.png deleted file mode 100644 index c8eee4252..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_07.png deleted file mode 100644 index a82147daf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_08.png deleted file mode 100644 index 9fcd79469..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_09.png deleted file mode 100644 index 3c218ff00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_10.png deleted file mode 100644 index 7168497e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_11.png deleted file mode 100644 index 9f808346d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_12.png deleted file mode 100644 index d2b5bca53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_13.png deleted file mode 100644 index a6a2380e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_14.png deleted file mode 100644 index d2f668932..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_15.png deleted file mode 100644 index 2eb2eefaf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_16.png deleted file mode 100644 index eb78152f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_17.png deleted file mode 100644 index b0da2ea87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_18.png deleted file mode 100644 index 8b4fd77bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_19.png deleted file mode 100644 index 4f9c64de6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_20.png deleted file mode 100644 index b529c6e0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character25/0051_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_01.png deleted file mode 100644 index e5a361244..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_02.png deleted file mode 100644 index 02cc95eed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_03.png deleted file mode 100644 index 2597b639a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_04.png deleted file mode 100644 index 6c57b0917..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_05.png deleted file mode 100644 index c2aef9c4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_06.png deleted file mode 100644 index 1d22b10d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_07.png deleted file mode 100644 index 310bb5ec7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_08.png deleted file mode 100644 index 0f5b023c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_09.png deleted file mode 100644 index a3579f170..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_10.png deleted file mode 100644 index bfe7abf2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_11.png deleted file mode 100644 index bbbd03076..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_12.png deleted file mode 100644 index 62aa3fb53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_13.png deleted file mode 100644 index 242e0e958..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_14.png deleted file mode 100644 index 0a5fdfaca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_15.png deleted file mode 100644 index 191e22ac0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_16.png deleted file mode 100644 index 5177dd036..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_17.png deleted file mode 100644 index 97d51f855..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_18.png deleted file mode 100644 index 97987b607..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_19.png deleted file mode 100644 index 205b31aa3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_20.png deleted file mode 100644 index 58f86c832..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character26/0052_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_01.png deleted file mode 100644 index 21fada171..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_02.png deleted file mode 100644 index 061a8cbed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_03.png deleted file mode 100644 index c26564466..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_04.png deleted file mode 100644 index 9769515ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_05.png deleted file mode 100644 index 5b95e90bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_06.png deleted file mode 100644 index e9abc65aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_07.png deleted file mode 100644 index f80dca63c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_08.png deleted file mode 100644 index 1fbe659a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_09.png deleted file mode 100644 index 09f8b8a67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_10.png deleted file mode 100644 index 1c227f485..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_11.png deleted file mode 100644 index f93f320c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_12.png deleted file mode 100644 index 3568fb669..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_13.png deleted file mode 100644 index 3bf2e8b43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_14.png deleted file mode 100644 index d22326eeb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_15.png deleted file mode 100644 index ee73f8a96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_16.png deleted file mode 100644 index 6b83bd795..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_17.png deleted file mode 100644 index 26a5572b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_18.png deleted file mode 100644 index b5a187a42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_19.png deleted file mode 100644 index cddbf46f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_20.png deleted file mode 100644 index b558eb35e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character27/0053_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_01.png deleted file mode 100644 index 5a7ed6a1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_02.png deleted file mode 100644 index d77c566af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_03.png deleted file mode 100644 index 166339a6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_04.png deleted file mode 100644 index a9f293ced..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_05.png deleted file mode 100644 index 106f80e36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_06.png deleted file mode 100644 index 6b34a33a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_07.png deleted file mode 100644 index d1fda8222..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_08.png deleted file mode 100644 index 62f98766d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_09.png deleted file mode 100644 index f53d91c7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_10.png deleted file mode 100644 index e56230588..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_11.png deleted file mode 100644 index 9477d04b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_12.png deleted file mode 100644 index 203c29640..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_13.png deleted file mode 100644 index 21fadc5aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_14.png deleted file mode 100644 index d5848f5e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_15.png deleted file mode 100644 index e72dac5df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_16.png deleted file mode 100644 index e180ea7d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_17.png deleted file mode 100644 index 91b47ed65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_18.png deleted file mode 100644 index 792edb0df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_19.png deleted file mode 100644 index 2b1bc4e2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_20.png deleted file mode 100644 index 9499c8adb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character28/0054_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_01.png deleted file mode 100644 index 85b0c1ac1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_02.png deleted file mode 100644 index 34706143e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_03.png deleted file mode 100644 index 6fffbd118..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_04.png deleted file mode 100644 index 1ca19e866..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_05.png deleted file mode 100644 index 61e4e7acf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_06.png deleted file mode 100644 index c7518d5fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_07.png deleted file mode 100644 index c35fa1915..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_08.png deleted file mode 100644 index 461d5ec8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_09.png deleted file mode 100644 index 4f241df1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_10.png deleted file mode 100644 index c1713157c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_11.png deleted file mode 100644 index 664ef26fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_12.png deleted file mode 100644 index e8a5c6d89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_13.png deleted file mode 100644 index 03ce5c2e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_14.png deleted file mode 100644 index 3f7a0c998..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_15.png deleted file mode 100644 index 94ff67093..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_16.png deleted file mode 100644 index e5e900feb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_17.png deleted file mode 100644 index 4d178ba54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_18.png deleted file mode 100644 index b77d5ee87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_19.png deleted file mode 100644 index 45e57c468..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_20.png deleted file mode 100644 index 24c1fa8e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character29/0055_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_01.png deleted file mode 100644 index 4fbc90be2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_02.png deleted file mode 100644 index a2a921865..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_03.png deleted file mode 100644 index 1578a8ad4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_04.png deleted file mode 100644 index 2a37d5e3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_05.png deleted file mode 100644 index 67fd1058b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_06.png deleted file mode 100644 index 9acb5d7d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_07.png deleted file mode 100644 index b7c0c197f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_08.png deleted file mode 100644 index d07f3cb0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_09.png deleted file mode 100644 index 3d6366b04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_10.png deleted file mode 100644 index 91d175f12..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_11.png deleted file mode 100644 index e5200b657..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_12.png deleted file mode 100644 index 2a54f849a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_13.png deleted file mode 100644 index cc302c4f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_14.png deleted file mode 100644 index 945e043e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_15.png deleted file mode 100644 index 474622d9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_16.png deleted file mode 100644 index fdd7f0e03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_17.png deleted file mode 100644 index a9c840487..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_18.png deleted file mode 100644 index 2e2ccf7b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_19.png deleted file mode 100644 index a9b35ca8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_20.png deleted file mode 100644 index 0c53210f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character30/0056_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_01.png deleted file mode 100644 index f80a2c83a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_02.png deleted file mode 100644 index 1f32d9bed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_03.png deleted file mode 100644 index 6967f58f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_04.png deleted file mode 100644 index a95eafc84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_05.png deleted file mode 100644 index 573ee5175..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_06.png deleted file mode 100644 index ea7c2df50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_07.png deleted file mode 100644 index ab36cd058..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_08.png deleted file mode 100644 index bba6bbc69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_09.png deleted file mode 100644 index 6697b0ba1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_10.png deleted file mode 100644 index 5e584619e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_11.png deleted file mode 100644 index 7ab18bbaf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_12.png deleted file mode 100644 index 2d8c02f77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_13.png deleted file mode 100644 index 156465d02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_14.png deleted file mode 100644 index 2ad819615..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_15.png deleted file mode 100644 index dc649cf89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_16.png deleted file mode 100644 index 85794a92f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_17.png deleted file mode 100644 index 706d78970..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_18.png deleted file mode 100644 index b04e7c18f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_19.png deleted file mode 100644 index 715cb309b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_20.png deleted file mode 100644 index f241ac697..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character31/0057_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_01.png deleted file mode 100644 index 33851b3e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_02.png deleted file mode 100644 index 759e41327..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_03.png deleted file mode 100644 index 8bf337a70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_04.png deleted file mode 100644 index f9fcb2583..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_05.png deleted file mode 100644 index 531a9f506..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_06.png deleted file mode 100644 index 07000e22e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_07.png deleted file mode 100644 index 0a2eb41a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_08.png deleted file mode 100644 index ba1dd3020..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_09.png deleted file mode 100644 index 31e7a7378..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_10.png deleted file mode 100644 index 49d814c47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_11.png deleted file mode 100644 index cfcc194be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_12.png deleted file mode 100644 index 807c6119a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_13.png deleted file mode 100644 index 1109c9714..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_14.png deleted file mode 100644 index 7e9e2f2c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_15.png deleted file mode 100644 index 880c1ffcc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_16.png deleted file mode 100644 index c1c4703bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_17.png deleted file mode 100644 index e126b41ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_18.png deleted file mode 100644 index 60a401c7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_19.png deleted file mode 100644 index 582ba6f3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_20.png deleted file mode 100644 index 395ffed07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character32/0058_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_01.png deleted file mode 100644 index 1f9571cd2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_02.png deleted file mode 100644 index da04a77f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_03.png deleted file mode 100644 index 70cedbfa3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_04.png deleted file mode 100644 index a45bac5c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_05.png deleted file mode 100644 index aa5cd0337..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_06.png deleted file mode 100644 index 08f3946d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_07.png deleted file mode 100644 index 547d51655..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_08.png deleted file mode 100644 index bcca1d94b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_09.png deleted file mode 100644 index 3c104d943..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_10.png deleted file mode 100644 index 7aeddab36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_11.png deleted file mode 100644 index 5d6b0c6bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_12.png deleted file mode 100644 index 92ed14572..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_13.png deleted file mode 100644 index 49ad28de6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_14.png deleted file mode 100644 index 9ad798de6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_15.png deleted file mode 100644 index cee5e8b8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_16.png deleted file mode 100644 index 3dd4321d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_17.png deleted file mode 100644 index 46a35e1cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_18.png deleted file mode 100644 index 1ca7dd1a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_19.png deleted file mode 100644 index 747e42d1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_20.png deleted file mode 100644 index f4ad485f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character33/0059_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_01.png deleted file mode 100644 index a100af2b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_02.png deleted file mode 100644 index b16f3dc67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_03.png deleted file mode 100644 index 69d304527..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_04.png deleted file mode 100644 index 797a64b39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_05.png deleted file mode 100644 index 55fd07485..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_06.png deleted file mode 100644 index 5e5bc1d77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_07.png deleted file mode 100644 index 88bed3e87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_08.png deleted file mode 100644 index 42e910bf5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_09.png deleted file mode 100644 index e9eaa2424..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_10.png deleted file mode 100644 index cce37a243..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_11.png deleted file mode 100644 index f7c163c40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_12.png deleted file mode 100644 index 2d88f7859..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_13.png deleted file mode 100644 index 08badd47b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_14.png deleted file mode 100644 index 49ae4db66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_15.png deleted file mode 100644 index b3849de0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_16.png deleted file mode 100644 index ae97e206c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_17.png deleted file mode 100644 index 0637ce7dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_18.png deleted file mode 100644 index fa919b653..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_19.png deleted file mode 100644 index c70c88d47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_20.png deleted file mode 100644 index c5762108e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character34/0060_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_01.png deleted file mode 100644 index 1b73a7548..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_02.png deleted file mode 100644 index 3f3e7b9d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_03.png deleted file mode 100644 index 472acd3c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_04.png deleted file mode 100644 index 0faed73b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_05.png deleted file mode 100644 index 4527c58c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_06.png deleted file mode 100644 index ffebe53f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_07.png deleted file mode 100644 index 5e9662276..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_08.png deleted file mode 100644 index bbfe0ea86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_09.png deleted file mode 100644 index 513e3e63b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_10.png deleted file mode 100644 index 85560dcd4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_11.png deleted file mode 100644 index a721c471f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_12.png deleted file mode 100644 index 3c9d4cac2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_13.png deleted file mode 100644 index d5750ac45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_14.png deleted file mode 100644 index 628c6bb6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_15.png deleted file mode 100644 index 4d3184837..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_16.png deleted file mode 100644 index 3c6799177..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_17.png deleted file mode 100644 index 52de2fe6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_18.png deleted file mode 100644 index 633812ea7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_19.png deleted file mode 100644 index d4e47f832..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_20.png deleted file mode 100644 index 65b60dc95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character35/0061_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_01.png deleted file mode 100644 index 75f8dd5f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_02.png deleted file mode 100644 index fa39f8bad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_03.png deleted file mode 100644 index 9d11b3055..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_04.png deleted file mode 100644 index 946f3f783..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_05.png deleted file mode 100644 index 6561e2349..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_06.png deleted file mode 100644 index 296accd97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_07.png deleted file mode 100644 index 4385da954..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_08.png deleted file mode 100644 index 815a90234..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_09.png deleted file mode 100644 index a868295fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_10.png deleted file mode 100644 index edb9e9c72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_11.png deleted file mode 100644 index d6e052dbb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_12.png deleted file mode 100644 index 59b4bbd5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_13.png deleted file mode 100644 index fef9891c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_14.png deleted file mode 100644 index b44b1b74e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_15.png deleted file mode 100644 index 5f3dc8a88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_16.png deleted file mode 100644 index 8e0c0e4c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_17.png deleted file mode 100644 index 2bc206b8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_18.png deleted file mode 100644 index 31c00b7e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_19.png deleted file mode 100644 index f35fb7ddf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_20.png deleted file mode 100644 index 5671868e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character36/0062_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_01.png deleted file mode 100644 index 2750ecb09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_02.png deleted file mode 100644 index e3b270d1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_03.png deleted file mode 100644 index ebb60b2c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_04.png deleted file mode 100644 index 4ecc80ee4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_05.png deleted file mode 100644 index 0e4f98f19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_06.png deleted file mode 100644 index 72639c4f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_07.png deleted file mode 100644 index f3700bd9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_08.png deleted file mode 100644 index 05ba4ebea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_09.png deleted file mode 100644 index 1c70c3d0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_10.png deleted file mode 100644 index 640ba4145..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_11.png deleted file mode 100644 index 12d921c1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_12.png deleted file mode 100644 index a6f8c677f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_13.png deleted file mode 100644 index 3ec045683..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_14.png deleted file mode 100644 index 07d9d01fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_15.png deleted file mode 100644 index f57154fe2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_16.png deleted file mode 100644 index b56cf88a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_17.png deleted file mode 100644 index 49bd55705..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_18.png deleted file mode 100644 index 44f4d2dfb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_19.png deleted file mode 100644 index 20edda7e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_20.png deleted file mode 100644 index ab4be8be4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character37/0063_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_01.png deleted file mode 100644 index 29139c4cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_02.png deleted file mode 100644 index cb6a9e3ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_03.png deleted file mode 100644 index 83c8a1780..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_04.png deleted file mode 100644 index 75e23c370..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_05.png deleted file mode 100644 index 18fd33245..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_06.png deleted file mode 100644 index b085431af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_07.png deleted file mode 100644 index feff1ff4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_08.png deleted file mode 100644 index 0397fe738..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_09.png deleted file mode 100644 index e9fe35310..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_10.png deleted file mode 100644 index 08150dcd7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_11.png deleted file mode 100644 index 58511ec59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_12.png deleted file mode 100644 index 6405c8176..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_13.png deleted file mode 100644 index 8383c0104..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_14.png deleted file mode 100644 index 9c25eef17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_15.png deleted file mode 100644 index dae1a5c4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_16.png deleted file mode 100644 index 14ebebc5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_17.png deleted file mode 100644 index b3609b4ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_18.png deleted file mode 100644 index 4df8525c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_19.png deleted file mode 100644 index 2e3277c41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_20.png deleted file mode 100644 index a0e1a4fa2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character38/0064_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_01.png deleted file mode 100644 index 895ebd29a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_02.png deleted file mode 100644 index aec5c61d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_03.png deleted file mode 100644 index 2399ddab3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_04.png deleted file mode 100644 index d6e5dce04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_05.png deleted file mode 100644 index 9c2303ef8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_06.png deleted file mode 100644 index 7153b9c83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_07.png deleted file mode 100644 index 745c638e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_08.png deleted file mode 100644 index e3074a6db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_09.png deleted file mode 100644 index c3e44ff23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_10.png deleted file mode 100644 index 0db9de758..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_11.png deleted file mode 100644 index 2b8bc4c7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_12.png deleted file mode 100644 index da9bebdd7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_13.png deleted file mode 100644 index 40a3d1596..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_14.png deleted file mode 100644 index e3fbaf601..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_15.png deleted file mode 100644 index 5fa5e8eb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_16.png deleted file mode 100644 index c9a696c00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_17.png deleted file mode 100644 index f4483e803..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_18.png deleted file mode 100644 index fa5ff8f78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_19.png deleted file mode 100644 index 01f5d8070..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_20.png deleted file mode 100644 index 385c41231..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character39/0065_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_01.png deleted file mode 100644 index 94db5fdd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_02.png deleted file mode 100644 index af6bf7e7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_03.png deleted file mode 100644 index cecfd70c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_04.png deleted file mode 100644 index 8f45ae8bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_05.png deleted file mode 100644 index 612adfa6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_06.png deleted file mode 100644 index 5b6f843b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_07.png deleted file mode 100644 index 3ad8f3707..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_08.png deleted file mode 100644 index eb54230cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_09.png deleted file mode 100644 index 69e568d24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_10.png deleted file mode 100644 index c56875569..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_11.png deleted file mode 100644 index e11e86880..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_12.png deleted file mode 100644 index 733c2efee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_13.png deleted file mode 100644 index 1ded8bb4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_14.png deleted file mode 100644 index 7ae4bf6c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_15.png deleted file mode 100644 index 779ecf5f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_16.png deleted file mode 100644 index 6e9d21ef7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_17.png deleted file mode 100644 index 7793a5d47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_18.png deleted file mode 100644 index e4639131f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_19.png deleted file mode 100644 index 7cab0c6e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_20.png deleted file mode 100644 index 56e3c4761..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character40/0066_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_01.png deleted file mode 100644 index 238db8353..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_02.png deleted file mode 100644 index e61c1f4bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_03.png deleted file mode 100644 index 9593e3336..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_04.png deleted file mode 100644 index e0cde7715..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_05.png deleted file mode 100644 index a480e83d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_06.png deleted file mode 100644 index df508b3c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_07.png deleted file mode 100644 index c31136e1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_08.png deleted file mode 100644 index 8b6835416..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_09.png deleted file mode 100644 index 67c6890c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_10.png deleted file mode 100644 index 59cd34a2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_11.png deleted file mode 100644 index d83374d4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_12.png deleted file mode 100644 index 91b914d4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_13.png deleted file mode 100644 index 7118d3cbf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_14.png deleted file mode 100644 index 009e3a701..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_15.png deleted file mode 100644 index 38bfb7e71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_16.png deleted file mode 100644 index b200b7f07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_17.png deleted file mode 100644 index 26a94f071..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_18.png deleted file mode 100644 index 1945f2e8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_19.png deleted file mode 100644 index 4b8ff0639..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_20.png deleted file mode 100644 index bf842f3f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Armenian/character41/0067_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_01.png deleted file mode 100644 index b25effc12..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_02.png deleted file mode 100644 index 706930dae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_03.png deleted file mode 100644 index 750dd7a5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_04.png deleted file mode 100644 index 28e4a7554..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_05.png deleted file mode 100644 index 25388a66d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_06.png deleted file mode 100644 index 042e4a761..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_07.png deleted file mode 100644 index 7a2ff7479..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_08.png deleted file mode 100644 index 09ab50ecf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_09.png deleted file mode 100644 index caadfe67f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_10.png deleted file mode 100644 index c2099d353..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_11.png deleted file mode 100644 index 9c39f336e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_12.png deleted file mode 100644 index 8f2d082f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_13.png deleted file mode 100644 index 6dee20353..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_14.png deleted file mode 100644 index 9b7025ea8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_15.png deleted file mode 100644 index 1e6254160..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_16.png deleted file mode 100644 index 573de0d3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_17.png deleted file mode 100644 index 0d9bbec5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_18.png deleted file mode 100644 index 7f10a3093..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_19.png deleted file mode 100644 index 873789f14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_20.png deleted file mode 100644 index 78ac98cfe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character01/0068_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_01.png deleted file mode 100644 index e02625436..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_02.png deleted file mode 100644 index 256295de8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_03.png deleted file mode 100644 index aa8963563..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_04.png deleted file mode 100644 index 979a0f80a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_05.png deleted file mode 100644 index c8b190487..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_06.png deleted file mode 100644 index 1dce3ae98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_07.png deleted file mode 100644 index 458957a9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_08.png deleted file mode 100644 index 5c3236885..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_09.png deleted file mode 100644 index 8ade42b0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_10.png deleted file mode 100644 index 8bce11430..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_11.png deleted file mode 100644 index 7f6b444f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_12.png deleted file mode 100644 index 3da06d29a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_13.png deleted file mode 100644 index e8c76714f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_14.png deleted file mode 100644 index e24cb4d11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_15.png deleted file mode 100644 index 0f14f1b69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_16.png deleted file mode 100644 index 2b454a7d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_17.png deleted file mode 100644 index 2ad1a29b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_18.png deleted file mode 100644 index 7c0000f70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_19.png deleted file mode 100644 index 6a14e0a63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_20.png deleted file mode 100644 index 12398046f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character02/0069_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_01.png deleted file mode 100644 index 35014e832..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_02.png deleted file mode 100644 index 16118fd49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_03.png deleted file mode 100644 index 7a47fc967..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_04.png deleted file mode 100644 index fae3bc233..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_05.png deleted file mode 100644 index a827f8a84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_06.png deleted file mode 100644 index d34148e91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_07.png deleted file mode 100644 index 506128941..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_08.png deleted file mode 100644 index bcd8c184c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_09.png deleted file mode 100644 index c9e75356f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_10.png deleted file mode 100644 index b9bc2cee8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_11.png deleted file mode 100644 index 9d7a8df6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_12.png deleted file mode 100644 index b08b4a350..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_13.png deleted file mode 100644 index 21cdc6a18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_14.png deleted file mode 100644 index adb321daf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_15.png deleted file mode 100644 index d47367897..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_16.png deleted file mode 100644 index b2ee52d53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_17.png deleted file mode 100644 index a241580d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_18.png deleted file mode 100644 index 0a9fafd27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_19.png deleted file mode 100644 index bd1fb5835..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_20.png deleted file mode 100644 index ba15f9b03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character03/0070_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_01.png deleted file mode 100644 index 72ede9367..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_02.png deleted file mode 100644 index 6b2fd9d5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_03.png deleted file mode 100644 index fab1b7225..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_04.png deleted file mode 100644 index f5c0c204f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_05.png deleted file mode 100644 index be82871e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_06.png deleted file mode 100644 index 95ee091b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_07.png deleted file mode 100644 index 01aa82943..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_08.png deleted file mode 100644 index fa63cb57b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_09.png deleted file mode 100644 index 870e7723b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_10.png deleted file mode 100644 index c15bfe83b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_11.png deleted file mode 100644 index e09531cec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_12.png deleted file mode 100644 index 23c423b81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_13.png deleted file mode 100644 index 0b7882d26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_14.png deleted file mode 100644 index 088a7e975..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_15.png deleted file mode 100644 index 5b6c0862b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_16.png deleted file mode 100644 index 129936585..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_17.png deleted file mode 100644 index 280e6beec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_18.png deleted file mode 100644 index 706f8b31f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_19.png deleted file mode 100644 index 7053d7291..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_20.png deleted file mode 100644 index 20c964319..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character04/0071_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_01.png deleted file mode 100644 index c8f09de98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_02.png deleted file mode 100644 index 20eb20615..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_03.png deleted file mode 100644 index 247b5b38c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_04.png deleted file mode 100644 index 8224052de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_05.png deleted file mode 100644 index 07229bf52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_06.png deleted file mode 100644 index 804ae13f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_07.png deleted file mode 100644 index f8d853dce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_08.png deleted file mode 100644 index de7992ccc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_09.png deleted file mode 100644 index 22a9a3e0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_10.png deleted file mode 100644 index f01f924c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_11.png deleted file mode 100644 index 15154a8db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_12.png deleted file mode 100644 index 5de6ff402..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_13.png deleted file mode 100644 index 25eb2c058..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_14.png deleted file mode 100644 index c2416b446..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_15.png deleted file mode 100644 index 6883e3dea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_16.png deleted file mode 100644 index c227925ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_17.png deleted file mode 100644 index 365690873..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_18.png deleted file mode 100644 index 685e93d43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_19.png deleted file mode 100644 index c56da247f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_20.png deleted file mode 100644 index 91e6b9c21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character05/0072_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_01.png deleted file mode 100644 index 733c5de2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_02.png deleted file mode 100644 index 62fb80c29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_03.png deleted file mode 100644 index 84f26463f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_04.png deleted file mode 100644 index 9e85a8237..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_05.png deleted file mode 100644 index 89928a1d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_06.png deleted file mode 100644 index dc78ba289..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_07.png deleted file mode 100644 index 1ffb5d960..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_08.png deleted file mode 100644 index 38bf6d3f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_09.png deleted file mode 100644 index eade7f252..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_10.png deleted file mode 100644 index 71a9c1cb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_11.png deleted file mode 100644 index a4ef09a8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_12.png deleted file mode 100644 index d015ab3a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_13.png deleted file mode 100644 index 794676cd4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_14.png deleted file mode 100644 index defbd11c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_15.png deleted file mode 100644 index 4ae3e016c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_16.png deleted file mode 100644 index 66381d0de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_17.png deleted file mode 100644 index dccc70c11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_18.png deleted file mode 100644 index 215380b49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_19.png deleted file mode 100644 index c0de72cd4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_20.png deleted file mode 100644 index a55bf20f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character06/0073_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_01.png deleted file mode 100644 index ea031069f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_02.png deleted file mode 100644 index acdc16841..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_03.png deleted file mode 100644 index e3ca1b548..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_04.png deleted file mode 100644 index 7ed8c4af9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_05.png deleted file mode 100644 index 928e41b35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_06.png deleted file mode 100644 index bd5251383..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_07.png deleted file mode 100644 index 1c91a914c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_08.png deleted file mode 100644 index abf44555f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_09.png deleted file mode 100644 index 058923c5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_10.png deleted file mode 100644 index 99a6eafd4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_11.png deleted file mode 100644 index 8ac688d8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_12.png deleted file mode 100644 index 8754ebb5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_13.png deleted file mode 100644 index 5735e4fef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_14.png deleted file mode 100644 index cff1edc43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_15.png deleted file mode 100644 index 0192b0d3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_16.png deleted file mode 100644 index cb8b0228b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_17.png deleted file mode 100644 index 9a566541d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_18.png deleted file mode 100644 index 02f6acd20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_19.png deleted file mode 100644 index 0044a149b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_20.png deleted file mode 100644 index 24d87b429..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character07/0074_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_01.png deleted file mode 100644 index dfc87d009..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_02.png deleted file mode 100644 index 668386c9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_03.png deleted file mode 100644 index 2783a04df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_04.png deleted file mode 100644 index 79ac10aa6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_05.png deleted file mode 100644 index 959383fad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_06.png deleted file mode 100644 index eea9d0405..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_07.png deleted file mode 100644 index 092509134..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_08.png deleted file mode 100644 index d22ab3899..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_09.png deleted file mode 100644 index 53b3fb089..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_10.png deleted file mode 100644 index e379d6831..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_11.png deleted file mode 100644 index 3cff0246c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_12.png deleted file mode 100644 index 4682b2812..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_13.png deleted file mode 100644 index 0d5951f69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_14.png deleted file mode 100644 index 89e6f5bdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_15.png deleted file mode 100644 index 9f83b885d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_16.png deleted file mode 100644 index 972a767f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_17.png deleted file mode 100644 index 9092b1113..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_18.png deleted file mode 100644 index 9759e396f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_19.png deleted file mode 100644 index 30ae09c5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_20.png deleted file mode 100644 index 9437ea0a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character08/0075_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_01.png deleted file mode 100644 index 0d5f35b5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_02.png deleted file mode 100644 index e5dd3c7b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_03.png deleted file mode 100644 index b6a365b98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_04.png deleted file mode 100644 index 4a3345b0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_05.png deleted file mode 100644 index 9c9aaae4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_06.png deleted file mode 100644 index e29214e11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_07.png deleted file mode 100644 index ebd844151..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_08.png deleted file mode 100644 index 41b4fa9ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_09.png deleted file mode 100644 index e23b02e8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_10.png deleted file mode 100644 index 92d4ab0ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_11.png deleted file mode 100644 index 26dc2a09c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_12.png deleted file mode 100644 index 9ac8f8a21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_13.png deleted file mode 100644 index 50c64694e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_14.png deleted file mode 100644 index 15a7b1813..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_15.png deleted file mode 100644 index 9092dfc51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_16.png deleted file mode 100644 index 7b185c41f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_17.png deleted file mode 100644 index 0a2f27c84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_18.png deleted file mode 100644 index 1cf0028c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_19.png deleted file mode 100644 index 3e263bddf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_20.png deleted file mode 100644 index 180463355..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character09/0076_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_01.png deleted file mode 100644 index 27a50359d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_02.png deleted file mode 100644 index b6a8fe881..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_03.png deleted file mode 100644 index 4f35a1a40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_04.png deleted file mode 100644 index c4763f1db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_05.png deleted file mode 100644 index 10a0f588e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_06.png deleted file mode 100644 index d1b43329b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_07.png deleted file mode 100644 index a7000bf64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_08.png deleted file mode 100644 index 5b9ed8e1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_09.png deleted file mode 100644 index 931669170..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_10.png deleted file mode 100644 index 682253d8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_11.png deleted file mode 100644 index 4beb67516..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_12.png deleted file mode 100644 index ac3d5aaf4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_13.png deleted file mode 100644 index 39f3cd6a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_14.png deleted file mode 100644 index 7e004fc96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_15.png deleted file mode 100644 index a5fe5b6e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_16.png deleted file mode 100644 index 30174b002..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_17.png deleted file mode 100644 index 7450e8435..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_18.png deleted file mode 100644 index 41ff6e4c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_19.png deleted file mode 100644 index 567fb3908..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_20.png deleted file mode 100644 index 5696a63e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character10/0077_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_01.png deleted file mode 100644 index 33bf3b996..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_02.png deleted file mode 100644 index bbbb0c924..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_03.png deleted file mode 100644 index 7084819dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_04.png deleted file mode 100644 index 684a65cb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_05.png deleted file mode 100644 index ea032f89d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_06.png deleted file mode 100644 index 366bfb40c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_07.png deleted file mode 100644 index ea1cf47c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_08.png deleted file mode 100644 index 7d4d9952c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_09.png deleted file mode 100644 index 77faa44e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_10.png deleted file mode 100644 index ad886f9dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_11.png deleted file mode 100644 index 837d8b0f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_12.png deleted file mode 100644 index 98e57551b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_13.png deleted file mode 100644 index 16ab66434..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_14.png deleted file mode 100644 index a1163e0b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_15.png deleted file mode 100644 index a25442899..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_16.png deleted file mode 100644 index ae5d443f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_17.png deleted file mode 100644 index 77681a4f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_18.png deleted file mode 100644 index 5fab978dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_19.png deleted file mode 100644 index e5534f109..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_20.png deleted file mode 100644 index 5887c8362..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character11/0078_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_01.png deleted file mode 100644 index 82db056c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_02.png deleted file mode 100644 index 6c08592e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_03.png deleted file mode 100644 index d5ce04493..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_04.png deleted file mode 100644 index 8c9d5cbd7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_05.png deleted file mode 100644 index 076e04bd7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_06.png deleted file mode 100644 index a1178e9f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_07.png deleted file mode 100644 index f3ca6597b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_08.png deleted file mode 100644 index ee419d4db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_09.png deleted file mode 100644 index dfd8d4790..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_10.png deleted file mode 100644 index aa431aec7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_11.png deleted file mode 100644 index cac93461c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_12.png deleted file mode 100644 index 063028d83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_13.png deleted file mode 100644 index 8d2a0e095..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_14.png deleted file mode 100644 index b499b172d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_15.png deleted file mode 100644 index ce6899f81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_16.png deleted file mode 100644 index 968b38816..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_17.png deleted file mode 100644 index 8f42c2284..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_18.png deleted file mode 100644 index 7ec4dd3c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_19.png deleted file mode 100644 index 00531abbc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_20.png deleted file mode 100644 index 8dc440991..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character12/0079_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_01.png deleted file mode 100644 index 4f448adf6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_02.png deleted file mode 100644 index 28ad0f5f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_03.png deleted file mode 100644 index 726ebe22c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_04.png deleted file mode 100644 index d5fa5d258..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_05.png deleted file mode 100644 index db6e3a2b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_06.png deleted file mode 100644 index 088977678..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_07.png deleted file mode 100644 index 457b9388a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_08.png deleted file mode 100644 index 549c0e198..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_09.png deleted file mode 100644 index 3a2a7681e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_10.png deleted file mode 100644 index 5c51f91d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_11.png deleted file mode 100644 index b582c32d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_12.png deleted file mode 100644 index 59ef6e834..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_13.png deleted file mode 100644 index d240a87d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_14.png deleted file mode 100644 index 29733c7a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_15.png deleted file mode 100644 index 68c2bd53a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_16.png deleted file mode 100644 index d0320482e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_17.png deleted file mode 100644 index ac21d9f8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_18.png deleted file mode 100644 index 6af39ed9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_19.png deleted file mode 100644 index c0ffba511..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_20.png deleted file mode 100644 index cfc841c41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character13/0080_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_01.png deleted file mode 100644 index 1e18a0ca8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_02.png deleted file mode 100644 index e7ea60b2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_03.png deleted file mode 100644 index 030739169..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_04.png deleted file mode 100644 index dd0171240..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_05.png deleted file mode 100644 index af77b81b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_06.png deleted file mode 100644 index 0f659c497..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_07.png deleted file mode 100644 index 8baaf6d59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_08.png deleted file mode 100644 index cb1da38c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_09.png deleted file mode 100644 index 37754e637..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_10.png deleted file mode 100644 index e18448c3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_11.png deleted file mode 100644 index a35d2aa0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_12.png deleted file mode 100644 index 98fdb606a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_13.png deleted file mode 100644 index eca7e4104..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_14.png deleted file mode 100644 index 5bf747a2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_15.png deleted file mode 100644 index 266b1f23b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_16.png deleted file mode 100644 index aa729e4f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_17.png deleted file mode 100644 index 355809155..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_18.png deleted file mode 100644 index b6bbc2d37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_19.png deleted file mode 100644 index 37c8c8acb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_20.png deleted file mode 100644 index f6b8f63f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character14/0081_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_01.png deleted file mode 100644 index 154d618d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_02.png deleted file mode 100644 index feba1f021..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_03.png deleted file mode 100644 index cafe79abf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_04.png deleted file mode 100644 index 2c2ef0788..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_05.png deleted file mode 100644 index 916dc5bef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_06.png deleted file mode 100644 index cf8cb1c97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_07.png deleted file mode 100644 index 7e70e51e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_08.png deleted file mode 100644 index 62627c0be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_09.png deleted file mode 100644 index a7d33c2f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_10.png deleted file mode 100644 index b436e8fa5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_11.png deleted file mode 100644 index 749ace12c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_12.png deleted file mode 100644 index e5eb63afb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_13.png deleted file mode 100644 index 95f10649f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_14.png deleted file mode 100644 index 7b2bd474f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_15.png deleted file mode 100644 index d6a320547..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_16.png deleted file mode 100644 index d913a9559..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_17.png deleted file mode 100644 index 11d790769..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_18.png deleted file mode 100644 index ae4efd3db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_19.png deleted file mode 100644 index 93f9894ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_20.png deleted file mode 100644 index c29239cfd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character15/0082_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_01.png deleted file mode 100644 index 40cfe3ba4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_02.png deleted file mode 100644 index 7e333c2b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_03.png deleted file mode 100644 index 739833ac3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_04.png deleted file mode 100644 index 094050488..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_05.png deleted file mode 100644 index 9dc135bc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_06.png deleted file mode 100644 index c634718a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_07.png deleted file mode 100644 index 297553dd6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_08.png deleted file mode 100644 index 55ebca7c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_09.png deleted file mode 100644 index c7a0c3018..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_10.png deleted file mode 100644 index ece94ffec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_11.png deleted file mode 100644 index 9d23a95c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_12.png deleted file mode 100644 index 2eb9ebf0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_13.png deleted file mode 100644 index e30f99b96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_14.png deleted file mode 100644 index e90e65fad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_15.png deleted file mode 100644 index 8c84f74bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_16.png deleted file mode 100644 index b62035e3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_17.png deleted file mode 100644 index 49bb3838e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_18.png deleted file mode 100644 index c001008c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_19.png deleted file mode 100644 index de2d5aac2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_20.png deleted file mode 100644 index d74fd62a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character16/0083_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_01.png deleted file mode 100644 index 2074b9d47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_02.png deleted file mode 100644 index 28bd90991..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_03.png deleted file mode 100644 index 18eec6f80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_04.png deleted file mode 100644 index 6459f4af3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_05.png deleted file mode 100644 index 865051de8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_06.png deleted file mode 100644 index 01fdff302..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_07.png deleted file mode 100644 index 0aa3ff899..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_08.png deleted file mode 100644 index 22b1a1743..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_09.png deleted file mode 100644 index d1fa1e3d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_10.png deleted file mode 100644 index b6e2c260d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_11.png deleted file mode 100644 index 1856b8ead..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_12.png deleted file mode 100644 index 07ffb6cda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_13.png deleted file mode 100644 index 68a482360..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_14.png deleted file mode 100644 index eb125d0e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_15.png deleted file mode 100644 index e7cb959c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_16.png deleted file mode 100644 index 8290d833c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_17.png deleted file mode 100644 index 926d997d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_18.png deleted file mode 100644 index e65351591..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_19.png deleted file mode 100644 index 66279d7b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_20.png deleted file mode 100644 index 0443ba952..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character17/0084_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_01.png deleted file mode 100644 index 959c6502c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_02.png deleted file mode 100644 index fb46e66e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_03.png deleted file mode 100644 index dbf90c8e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_04.png deleted file mode 100644 index c834f9af1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_05.png deleted file mode 100644 index af47681e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_06.png deleted file mode 100644 index 127cb6ba5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_07.png deleted file mode 100644 index f1d2dfdbc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_08.png deleted file mode 100644 index 6daacbabe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_09.png deleted file mode 100644 index 5c83a3299..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_10.png deleted file mode 100644 index e73816c97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_11.png deleted file mode 100644 index 08d97102e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_12.png deleted file mode 100644 index d5c87c597..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_13.png deleted file mode 100644 index 9fcaec44a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_14.png deleted file mode 100644 index 82f7f84c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_15.png deleted file mode 100644 index 1d88452f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_16.png deleted file mode 100644 index 8e2cf2f00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_17.png deleted file mode 100644 index f09eed5ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_18.png deleted file mode 100644 index 344cbde45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_19.png deleted file mode 100644 index 15983613e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_20.png deleted file mode 100644 index f37ccea34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character18/0085_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_01.png deleted file mode 100644 index 67002fb01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_02.png deleted file mode 100644 index 9d66db9e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_03.png deleted file mode 100644 index b70af5c7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_04.png deleted file mode 100644 index 05ee5beb0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_05.png deleted file mode 100644 index ee758e3ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_06.png deleted file mode 100644 index 6b7384e55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_07.png deleted file mode 100644 index 2d11e8e01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_08.png deleted file mode 100644 index b42dc1ea3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_09.png deleted file mode 100644 index 0f63c7bbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_10.png deleted file mode 100644 index 05ee3daa5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_11.png deleted file mode 100644 index 1c82e3e55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_12.png deleted file mode 100644 index 0a26f6e4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_13.png deleted file mode 100644 index 3d5ce8e07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_14.png deleted file mode 100644 index 65be8852b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_15.png deleted file mode 100644 index 4318d7f31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_16.png deleted file mode 100644 index e5a80fcdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_17.png deleted file mode 100644 index 3cc1e4f68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_18.png deleted file mode 100644 index f64f08180..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_19.png deleted file mode 100644 index 5eddca15a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_20.png deleted file mode 100644 index 3d49dac95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character19/0086_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_01.png deleted file mode 100644 index f02e40093..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_02.png deleted file mode 100644 index ea5160e3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_03.png deleted file mode 100644 index fd441f018..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_04.png deleted file mode 100644 index 87201083f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_05.png deleted file mode 100644 index 045e889a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_06.png deleted file mode 100644 index 475e636d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_07.png deleted file mode 100644 index 606a086ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_08.png deleted file mode 100644 index 00d08f65e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_09.png deleted file mode 100644 index e21f99658..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_10.png deleted file mode 100644 index f41c3a91e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_11.png deleted file mode 100644 index cfb762663..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_12.png deleted file mode 100644 index e5459a015..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_13.png deleted file mode 100644 index 3624e1968..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_14.png deleted file mode 100644 index 149cd8e0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_15.png deleted file mode 100644 index 6a83990f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_16.png deleted file mode 100644 index 97a857338..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_17.png deleted file mode 100644 index 1ba01f593..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_18.png deleted file mode 100644 index 1032e350c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_19.png deleted file mode 100644 index 787bb953e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_20.png deleted file mode 100644 index 595efcbec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character20/0087_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_01.png deleted file mode 100644 index 1be36f88b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_02.png deleted file mode 100644 index 466a6b4a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_03.png deleted file mode 100644 index 9f7d623bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_04.png deleted file mode 100644 index 3a48df06c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_05.png deleted file mode 100644 index 3d0c0cd75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_06.png deleted file mode 100644 index 0a93caf5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_07.png deleted file mode 100644 index 347a0e61b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_08.png deleted file mode 100644 index e9acf47d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_09.png deleted file mode 100644 index aa63eb141..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_10.png deleted file mode 100644 index a561dc19c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_11.png deleted file mode 100644 index 25edada0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_12.png deleted file mode 100644 index a6b76f975..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_13.png deleted file mode 100644 index 4ff2ca8bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_14.png deleted file mode 100644 index d9a19624d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_15.png deleted file mode 100644 index 72152165e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_16.png deleted file mode 100644 index 563c9a6fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_17.png deleted file mode 100644 index d7a3f6a67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_18.png deleted file mode 100644 index 4c5114914..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_19.png deleted file mode 100644 index 0d3b5877b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_20.png deleted file mode 100644 index 8370d6f43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character21/0088_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_01.png deleted file mode 100644 index 5673dd8c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_02.png deleted file mode 100644 index 49b43458f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_03.png deleted file mode 100644 index 2877780ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_04.png deleted file mode 100644 index debd0862a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_05.png deleted file mode 100644 index 2566df3eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_06.png deleted file mode 100644 index 6724cf018..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_07.png deleted file mode 100644 index e72cfe8dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_08.png deleted file mode 100644 index f7eaab841..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_09.png deleted file mode 100644 index 0656402c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_10.png deleted file mode 100644 index 94b54409e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_11.png deleted file mode 100644 index 8ad431acd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_12.png deleted file mode 100644 index 42272a113..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_13.png deleted file mode 100644 index cc285f131..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_14.png deleted file mode 100644 index d06ec60f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_15.png deleted file mode 100644 index e3b8a7483..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_16.png deleted file mode 100644 index 8613df436..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_17.png deleted file mode 100644 index c9321d222..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_18.png deleted file mode 100644 index a2d8aecf7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_19.png deleted file mode 100644 index b5a450b7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_20.png deleted file mode 100644 index f5c28d78b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character22/0089_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_01.png deleted file mode 100644 index 4acbf5e23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_02.png deleted file mode 100644 index 9bfba9bfa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_03.png deleted file mode 100644 index b58aecbb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_04.png deleted file mode 100644 index 82af27a1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_05.png deleted file mode 100644 index 0381ca677..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_06.png deleted file mode 100644 index 9c4d07607..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_07.png deleted file mode 100644 index de9693807..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_08.png deleted file mode 100644 index e276b0af0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_09.png deleted file mode 100644 index dcc1274a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_10.png deleted file mode 100644 index b4a134f2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_11.png deleted file mode 100644 index 3aa7f9801..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_12.png deleted file mode 100644 index e3b264b0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_13.png deleted file mode 100644 index 77f211a0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_14.png deleted file mode 100644 index a10b6a429..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_15.png deleted file mode 100644 index 8639505f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_16.png deleted file mode 100644 index b82db7194..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_17.png deleted file mode 100644 index 92963bb14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_18.png deleted file mode 100644 index 89d1b127a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_19.png deleted file mode 100644 index 149f1e877..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_20.png deleted file mode 100644 index 2b6a462b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character23/0090_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_01.png deleted file mode 100644 index 8cf056748..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_02.png deleted file mode 100644 index 5b5684a4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_03.png deleted file mode 100644 index 7e14449fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_04.png deleted file mode 100644 index eb039a593..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_05.png deleted file mode 100644 index b4a592404..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_06.png deleted file mode 100644 index b7b78bde1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_07.png deleted file mode 100644 index 609d23671..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_08.png deleted file mode 100644 index e99f9912f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_09.png deleted file mode 100644 index 8a13c09c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_10.png deleted file mode 100644 index 715ffd7b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_11.png deleted file mode 100644 index 9371ad4f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_12.png deleted file mode 100644 index cb5663eb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_13.png deleted file mode 100644 index e3263c2d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_14.png deleted file mode 100644 index 05669a79f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_15.png deleted file mode 100644 index 9e606204c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_16.png deleted file mode 100644 index 458fb6d7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_17.png deleted file mode 100644 index 65853a92d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_18.png deleted file mode 100644 index 23d930bfe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_19.png deleted file mode 100644 index 03673a70f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_20.png deleted file mode 100644 index aedc543fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character24/0091_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_01.png deleted file mode 100644 index d4209d0c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_02.png deleted file mode 100644 index 2cfd12562..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_03.png deleted file mode 100644 index 0a09ad7ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_04.png deleted file mode 100644 index cc70551b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_05.png deleted file mode 100644 index 6d9dff7d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_06.png deleted file mode 100644 index 42311ce00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_07.png deleted file mode 100644 index 355e96e03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_08.png deleted file mode 100644 index b490b28d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_09.png deleted file mode 100644 index ef8041317..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_10.png deleted file mode 100644 index 6de5eb2f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_11.png deleted file mode 100644 index eaddedda2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_12.png deleted file mode 100644 index eb5da2f3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_13.png deleted file mode 100644 index 717c9c827..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_14.png deleted file mode 100644 index 8f2ae2c3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_15.png deleted file mode 100644 index a117bb8f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_16.png deleted file mode 100644 index c5efe77a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_17.png deleted file mode 100644 index e0d26b4dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_18.png deleted file mode 100644 index 91d5b6ca9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_19.png deleted file mode 100644 index e87d4d66b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_20.png deleted file mode 100644 index 32fbaa4ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character25/0092_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_01.png deleted file mode 100644 index a1aa06cb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_02.png deleted file mode 100644 index b1abb0645..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_03.png deleted file mode 100644 index c30b5e428..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_04.png deleted file mode 100644 index e82f51290..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_05.png deleted file mode 100644 index 8403612b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_06.png deleted file mode 100644 index b06456b70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_07.png deleted file mode 100644 index 7c292d53a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_08.png deleted file mode 100644 index 358305b25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_09.png deleted file mode 100644 index 3f639a3c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_10.png deleted file mode 100644 index 61a750db5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_11.png deleted file mode 100644 index 50716866f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_12.png deleted file mode 100644 index 8bdb4e61d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_13.png deleted file mode 100644 index a10e67b5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_14.png deleted file mode 100644 index 10d3b4087..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_15.png deleted file mode 100644 index c82064839..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_16.png deleted file mode 100644 index 5123bbe75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_17.png deleted file mode 100644 index 4782c30f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_18.png deleted file mode 100644 index df048a242..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_19.png deleted file mode 100644 index d599dfd0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_20.png deleted file mode 100644 index 6ea95e8a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character26/0093_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_01.png deleted file mode 100644 index 889557cd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_02.png deleted file mode 100644 index e55795294..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_03.png deleted file mode 100644 index 85bd3a2b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_04.png deleted file mode 100644 index 06f8875db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_05.png deleted file mode 100644 index a12752eb5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_06.png deleted file mode 100644 index 15a10ee0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_07.png deleted file mode 100644 index cb170bf3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_08.png deleted file mode 100644 index d757b1536..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_09.png deleted file mode 100644 index 8d0ca1029..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_10.png deleted file mode 100644 index 6c0f49537..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_11.png deleted file mode 100644 index 4e06efed5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_12.png deleted file mode 100644 index 0f54a0789..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_13.png deleted file mode 100644 index 0cd796df1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_14.png deleted file mode 100644 index ac33fc5f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_15.png deleted file mode 100644 index b9f2cfbaf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_16.png deleted file mode 100644 index 48aa14cc0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_17.png deleted file mode 100644 index 2725afc03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_18.png deleted file mode 100644 index 55f449375..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_19.png deleted file mode 100644 index 2a9de8117..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_20.png deleted file mode 100644 index 78496540f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character27/0094_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_01.png deleted file mode 100644 index a5da25129..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_02.png deleted file mode 100644 index a12fb9461..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_03.png deleted file mode 100644 index d1b9bc12e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_04.png deleted file mode 100644 index 47df0e897..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_05.png deleted file mode 100644 index c469ce3b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_06.png deleted file mode 100644 index 36175b219..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_07.png deleted file mode 100644 index e5aabf383..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_08.png deleted file mode 100644 index a4cc4822a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_09.png deleted file mode 100644 index 016a86f46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_10.png deleted file mode 100644 index 2c4238efc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_11.png deleted file mode 100644 index 304b870f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_12.png deleted file mode 100644 index dfae67a7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_13.png deleted file mode 100644 index a46c42e14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_14.png deleted file mode 100644 index 3c4df82f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_15.png deleted file mode 100644 index 394fa0af6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_16.png deleted file mode 100644 index 7f782184a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_17.png deleted file mode 100644 index d1da8ae62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_18.png deleted file mode 100644 index 053bf1bf0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_19.png deleted file mode 100644 index c21673c3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_20.png deleted file mode 100644 index 08e640c5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character28/0095_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_01.png deleted file mode 100644 index 9d0cbe5fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_02.png deleted file mode 100644 index 3d8d2764a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_03.png deleted file mode 100644 index c321b2a3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_04.png deleted file mode 100644 index fae718080..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_05.png deleted file mode 100644 index 17d46ec78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_06.png deleted file mode 100644 index 25d76a3bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_07.png deleted file mode 100644 index 468ab8318..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_08.png deleted file mode 100644 index c59319491..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_09.png deleted file mode 100644 index 7f0201060..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_10.png deleted file mode 100644 index 115a3c84c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_11.png deleted file mode 100644 index 4d129a6ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_12.png deleted file mode 100644 index 5d5f769a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_13.png deleted file mode 100644 index 291174ae3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_14.png deleted file mode 100644 index 85d4ca3bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_15.png deleted file mode 100644 index 3ed956043..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_16.png deleted file mode 100644 index 724aa4df4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_17.png deleted file mode 100644 index 9a16fdebe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_18.png deleted file mode 100644 index 9ab75fbcb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_19.png deleted file mode 100644 index 5951ada81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_20.png deleted file mode 100644 index 5a0cb1b94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character29/0096_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_01.png deleted file mode 100644 index 8739f4347..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_02.png deleted file mode 100644 index 7e97acbc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_03.png deleted file mode 100644 index 9eb1cb42b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_04.png deleted file mode 100644 index c1aded8e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_05.png deleted file mode 100644 index 5981c2b51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_06.png deleted file mode 100644 index 41bf5d4ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_07.png deleted file mode 100644 index 1dc0fbdd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_08.png deleted file mode 100644 index ce74fc008..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_09.png deleted file mode 100644 index 7a879cc9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_10.png deleted file mode 100644 index 99e45e71e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_11.png deleted file mode 100644 index a12699cb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_12.png deleted file mode 100644 index 6dbd31906..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_13.png deleted file mode 100644 index 4762090a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_14.png deleted file mode 100644 index 045297762..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_15.png deleted file mode 100644 index 07f26ad0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_16.png deleted file mode 100644 index 5e38db797..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_17.png deleted file mode 100644 index 6b1652f7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_18.png deleted file mode 100644 index 606550bb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_19.png deleted file mode 100644 index 77282ad43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_20.png deleted file mode 100644 index 703a0e112..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character30/0097_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_01.png deleted file mode 100644 index c1c4d94e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_02.png deleted file mode 100644 index 78d44c1d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_03.png deleted file mode 100644 index f314c7d18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_04.png deleted file mode 100644 index 3064230dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_05.png deleted file mode 100644 index 620f33ae0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_06.png deleted file mode 100644 index 3bbec3ad5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_07.png deleted file mode 100644 index 3eb78978d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_08.png deleted file mode 100644 index ffff392ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_09.png deleted file mode 100644 index 490baef67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_10.png deleted file mode 100644 index b464408a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_11.png deleted file mode 100644 index 93c8e83d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_12.png deleted file mode 100644 index 1b5a8efdb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_13.png deleted file mode 100644 index 4c3069080..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_14.png deleted file mode 100644 index d4bbe5f43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_15.png deleted file mode 100644 index 01fa81848..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_16.png deleted file mode 100644 index 914b22584..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_17.png deleted file mode 100644 index 51d6081e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_18.png deleted file mode 100644 index 0f577dbd7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_19.png deleted file mode 100644 index c54e5de62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_20.png deleted file mode 100644 index cd5a4d275..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character31/0098_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_01.png deleted file mode 100644 index b3fdf85b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_02.png deleted file mode 100644 index f7d25f091..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_03.png deleted file mode 100644 index 486b1851a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_04.png deleted file mode 100644 index d752f7058..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_05.png deleted file mode 100644 index 483d11bf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_06.png deleted file mode 100644 index aea384886..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_07.png deleted file mode 100644 index 0eff78bdd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_08.png deleted file mode 100644 index be682e4ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_09.png deleted file mode 100644 index 711969e57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_10.png deleted file mode 100644 index 4f4a22ff7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_11.png deleted file mode 100644 index 1dbe92d73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_12.png deleted file mode 100644 index 600b0f92d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_13.png deleted file mode 100644 index 451a39095..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_14.png deleted file mode 100644 index 1d95c4249..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_15.png deleted file mode 100644 index 3eec96d44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_16.png deleted file mode 100644 index 50fe6381f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_17.png deleted file mode 100644 index 7e5b6eda4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_18.png deleted file mode 100644 index 1e627dc07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_19.png deleted file mode 100644 index 6fa972f3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_20.png deleted file mode 100644 index 7375f59f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character32/0099_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_01.png deleted file mode 100644 index 59818159f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_02.png deleted file mode 100644 index 85a6f492b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_03.png deleted file mode 100644 index 0eb1e7a95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_04.png deleted file mode 100644 index ef11b9820..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_05.png deleted file mode 100644 index e593ca064..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_06.png deleted file mode 100644 index 4a40bf772..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_07.png deleted file mode 100644 index 45a3d3cf4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_08.png deleted file mode 100644 index 533d63a77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_09.png deleted file mode 100644 index ad68e1c7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_10.png deleted file mode 100644 index 79c17897f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_11.png deleted file mode 100644 index ad69cb0ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_12.png deleted file mode 100644 index 0efd7ba3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_13.png deleted file mode 100644 index 1eeb58821..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_14.png deleted file mode 100644 index 466c32323..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_15.png deleted file mode 100644 index 9349e9bc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_16.png deleted file mode 100644 index cc515f7ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_17.png deleted file mode 100644 index a1b29fcf5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_18.png deleted file mode 100644 index bf4988c43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_19.png deleted file mode 100644 index 727041651..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_20.png deleted file mode 100644 index 12fedb437..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character33/0100_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_01.png deleted file mode 100644 index e2aefa4e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_02.png deleted file mode 100644 index 025f77fcd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_03.png deleted file mode 100644 index 42077d17f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_04.png deleted file mode 100644 index 7b8931bcd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_05.png deleted file mode 100644 index 0872b64e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_06.png deleted file mode 100644 index bff2ce289..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_07.png deleted file mode 100644 index ae4358a01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_08.png deleted file mode 100644 index a9d23ca7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_09.png deleted file mode 100644 index c3c7982d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_10.png deleted file mode 100644 index 32a2ea523..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_11.png deleted file mode 100644 index 1c897409b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_12.png deleted file mode 100644 index eeda3bc37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_13.png deleted file mode 100644 index 411806db6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_14.png deleted file mode 100644 index 0278c7310..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_15.png deleted file mode 100644 index 3cc9769a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_16.png deleted file mode 100644 index 13ff273bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_17.png deleted file mode 100644 index 34544437b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_18.png deleted file mode 100644 index 7f35ebb7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_19.png deleted file mode 100644 index b6d072cfb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_20.png deleted file mode 100644 index 70f688636..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character34/0101_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_01.png deleted file mode 100644 index 3f0a4be2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_02.png deleted file mode 100644 index 75b083054..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_03.png deleted file mode 100644 index 164904c5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_04.png deleted file mode 100644 index d3c47750a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_05.png deleted file mode 100644 index 41450f34c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_06.png deleted file mode 100644 index 2f1ea2bf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_07.png deleted file mode 100644 index 477c02359..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_08.png deleted file mode 100644 index 2eba2bcf7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_09.png deleted file mode 100644 index d791fc5e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_10.png deleted file mode 100644 index 62a9e9bcd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_11.png deleted file mode 100644 index be680ffc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_12.png deleted file mode 100644 index 6299c63a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_13.png deleted file mode 100644 index 66afa0fcf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_14.png deleted file mode 100644 index 21ea4802d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_15.png deleted file mode 100644 index 0307870c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_16.png deleted file mode 100644 index b9fc054cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_17.png deleted file mode 100644 index 8f57691c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_18.png deleted file mode 100644 index a4a3e7c0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_19.png deleted file mode 100644 index 87f39b96b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_20.png deleted file mode 100644 index 88b5d3614..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character35/0102_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_01.png deleted file mode 100644 index 6c5a424da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_02.png deleted file mode 100644 index 915fb90d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_03.png deleted file mode 100644 index 41fd36912..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_04.png deleted file mode 100644 index 8b9645436..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_05.png deleted file mode 100644 index 0ec370632..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_06.png deleted file mode 100644 index dcb51f7cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_07.png deleted file mode 100644 index e4e4d711c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_08.png deleted file mode 100644 index f3541720e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_09.png deleted file mode 100644 index b477b93e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_10.png deleted file mode 100644 index f3e130a8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_11.png deleted file mode 100644 index 9948a4362..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_12.png deleted file mode 100644 index 99f22849b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_13.png deleted file mode 100644 index 1153e1deb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_14.png deleted file mode 100644 index 4ae910294..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_15.png deleted file mode 100644 index 91943e594..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_16.png deleted file mode 100644 index 7d54390d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_17.png deleted file mode 100644 index 55b2705b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_18.png deleted file mode 100644 index 7c0f570b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_19.png deleted file mode 100644 index 0a6e90380..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_20.png deleted file mode 100644 index c06f466ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character36/0103_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_01.png deleted file mode 100644 index 9a02813ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_02.png deleted file mode 100644 index e0dc90c55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_03.png deleted file mode 100644 index 405868b1d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_04.png deleted file mode 100644 index 8b92de7ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_05.png deleted file mode 100644 index 28366697a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_06.png deleted file mode 100644 index d3224cbe4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_07.png deleted file mode 100644 index b4536f3f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_08.png deleted file mode 100644 index 00ba6528c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_09.png deleted file mode 100644 index d60c9d7ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_10.png deleted file mode 100644 index 01095d619..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_11.png deleted file mode 100644 index 9c401e973..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_12.png deleted file mode 100644 index 196873955..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_13.png deleted file mode 100644 index f2845b668..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_14.png deleted file mode 100644 index da023c125..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_15.png deleted file mode 100644 index 596ccca66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_16.png deleted file mode 100644 index f885e017a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_17.png deleted file mode 100644 index 9a4a1326f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_18.png deleted file mode 100644 index 341634c3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_19.png deleted file mode 100644 index 986bfb38f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_20.png deleted file mode 100644 index 3f3541aa0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character37/0104_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_01.png deleted file mode 100644 index 16c55d385..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_02.png deleted file mode 100644 index 6923557f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_03.png deleted file mode 100644 index 557b26d0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_04.png deleted file mode 100644 index 66ff83713..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_05.png deleted file mode 100644 index 2a601e0f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_06.png deleted file mode 100644 index b0766a818..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_07.png deleted file mode 100644 index 4939fbde5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_08.png deleted file mode 100644 index d775ff1ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_09.png deleted file mode 100644 index c76323e32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_10.png deleted file mode 100644 index fb0c83526..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_11.png deleted file mode 100644 index 99270856f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_12.png deleted file mode 100644 index 2ee729279..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_13.png deleted file mode 100644 index 00e3fdbf3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_14.png deleted file mode 100644 index 18d81abe8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_15.png deleted file mode 100644 index 755ba08c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_16.png deleted file mode 100644 index a31aec48b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_17.png deleted file mode 100644 index 5c027d139..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_18.png deleted file mode 100644 index 424112f29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_19.png deleted file mode 100644 index eb8b964e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_20.png deleted file mode 100644 index 44897e8e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character38/0105_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_01.png deleted file mode 100644 index 5b84476e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_02.png deleted file mode 100644 index be8dd8985..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_03.png deleted file mode 100644 index c85dfacae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_04.png deleted file mode 100644 index 5e789baf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_05.png deleted file mode 100644 index 3a6e8586a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_06.png deleted file mode 100644 index 8b24f6e2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_07.png deleted file mode 100644 index 8eeb840da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_08.png deleted file mode 100644 index 1a75e2bf4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_09.png deleted file mode 100644 index e61fa88b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_10.png deleted file mode 100644 index ed36455ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_11.png deleted file mode 100644 index 05870d1f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_12.png deleted file mode 100644 index f9c6b0332..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_13.png deleted file mode 100644 index 2347f7c0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_14.png deleted file mode 100644 index a0625b792..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_15.png deleted file mode 100644 index 53a6a2a94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_16.png deleted file mode 100644 index 824a56be8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_17.png deleted file mode 100644 index 273883c2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_18.png deleted file mode 100644 index 30b55c868..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_19.png deleted file mode 100644 index e31483e13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_20.png deleted file mode 100644 index 5b88dcfed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character39/0106_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_01.png deleted file mode 100644 index b060b1ab5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_02.png deleted file mode 100644 index f5f78f8cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_03.png deleted file mode 100644 index 303942d10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_04.png deleted file mode 100644 index db4dd16c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_05.png deleted file mode 100644 index 95049ec10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_06.png deleted file mode 100644 index 580ed29b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_07.png deleted file mode 100644 index 8bfe54656..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_08.png deleted file mode 100644 index 172702438..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_09.png deleted file mode 100644 index ee6cce74f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_10.png deleted file mode 100644 index 1fd7cbac7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_11.png deleted file mode 100644 index d7c9b128e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_12.png deleted file mode 100644 index a3a76b134..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_13.png deleted file mode 100644 index 6148f1fc8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_14.png deleted file mode 100644 index 7e1c43ef4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_15.png deleted file mode 100644 index cdf1f3c03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_16.png deleted file mode 100644 index 5b930da6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_17.png deleted file mode 100644 index 32335fff8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_18.png deleted file mode 100644 index a2c8ba7df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_19.png deleted file mode 100644 index ee894c3be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_20.png deleted file mode 100644 index 29c3fa7bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Asomtavruli_(Georgian)/character40/0107_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_01.png deleted file mode 100644 index d94af78e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_02.png deleted file mode 100644 index 3aa3be3e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_03.png deleted file mode 100644 index 9ebf900c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_04.png deleted file mode 100644 index b2ca36d84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_05.png deleted file mode 100644 index 3591b19e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_06.png deleted file mode 100644 index 1e612f55f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_07.png deleted file mode 100644 index 877061c6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_08.png deleted file mode 100644 index 4a11d702b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_09.png deleted file mode 100644 index 277a12acb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_10.png deleted file mode 100644 index e6d02f296..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_11.png deleted file mode 100644 index d8fc5950a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_12.png deleted file mode 100644 index ee6fafef1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_13.png deleted file mode 100644 index 7e7423ffb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_14.png deleted file mode 100644 index d5e1ebdb5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_15.png deleted file mode 100644 index 22d947c1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_16.png deleted file mode 100644 index c25f2e52e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_17.png deleted file mode 100644 index 1bc3f109a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_18.png deleted file mode 100644 index 1a01f8154..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_19.png deleted file mode 100644 index 702f1c5da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_20.png deleted file mode 100644 index 67dda0599..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character01/0108_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_01.png deleted file mode 100644 index bc40d7a25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_02.png deleted file mode 100644 index 20b8219af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_03.png deleted file mode 100644 index 6a0cfd536..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_04.png deleted file mode 100644 index 3d13a9428..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_05.png deleted file mode 100644 index 7942187ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_06.png deleted file mode 100644 index 14cc964f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_07.png deleted file mode 100644 index f7780697d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_08.png deleted file mode 100644 index 0ca17fd7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_09.png deleted file mode 100644 index f9a7c45fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_10.png deleted file mode 100644 index ad5bb1e2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_11.png deleted file mode 100644 index 51f3c4bec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_12.png deleted file mode 100644 index 218a5fcce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_13.png deleted file mode 100644 index cdcc7a9b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_14.png deleted file mode 100644 index 5da61d873..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_15.png deleted file mode 100644 index 9cee57324..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_16.png deleted file mode 100644 index 6de84a6db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_17.png deleted file mode 100644 index dfbbecdac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_18.png deleted file mode 100644 index 5bf8ff53c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_19.png deleted file mode 100644 index ef585d804..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_20.png deleted file mode 100644 index 432830e6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character02/0109_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_01.png deleted file mode 100644 index b17ff5cb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_02.png deleted file mode 100644 index a7068ecdd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_03.png deleted file mode 100644 index c969decc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_04.png deleted file mode 100644 index 035b48556..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_05.png deleted file mode 100644 index e2ade0b7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_06.png deleted file mode 100644 index e29e16ddb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_07.png deleted file mode 100644 index 745f45c1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_08.png deleted file mode 100644 index 8e2a1f940..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_09.png deleted file mode 100644 index 6f22181e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_10.png deleted file mode 100644 index 25aa54120..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_11.png deleted file mode 100644 index b7759bd7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_12.png deleted file mode 100644 index 213ded49c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_13.png deleted file mode 100644 index 0abe8164d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_14.png deleted file mode 100644 index 9f7ad23c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_15.png deleted file mode 100644 index 71b2583f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_16.png deleted file mode 100644 index 5a75e6c48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_17.png deleted file mode 100644 index 1569d5853..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_18.png deleted file mode 100644 index 4904f8406..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_19.png deleted file mode 100644 index a4972f96b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_20.png deleted file mode 100644 index 94475bd5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character03/0110_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_01.png deleted file mode 100644 index 065503019..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_02.png deleted file mode 100644 index 9e6937b15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_03.png deleted file mode 100644 index 8b4f5b4f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_04.png deleted file mode 100644 index ae66b0c1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_05.png deleted file mode 100644 index 794cbf37e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_06.png deleted file mode 100644 index ace354307..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_07.png deleted file mode 100644 index 970acee2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_08.png deleted file mode 100644 index 229a8156e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_09.png deleted file mode 100644 index be1dbde8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_10.png deleted file mode 100644 index 6599beb6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_11.png deleted file mode 100644 index b32642a22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_12.png deleted file mode 100644 index 76dab1662..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_13.png deleted file mode 100644 index 2a70f4c7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_14.png deleted file mode 100644 index 425f8aea2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_15.png deleted file mode 100644 index 67c9053db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_16.png deleted file mode 100644 index 92026b50d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_17.png deleted file mode 100644 index f67d478f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_18.png deleted file mode 100644 index 7de59b166..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_19.png deleted file mode 100644 index 016017042..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_20.png deleted file mode 100644 index aa5b89055..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character04/0111_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_01.png deleted file mode 100644 index 279d0ddc7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_02.png deleted file mode 100644 index c657cf5a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_03.png deleted file mode 100644 index e0ca05faa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_04.png deleted file mode 100644 index 8a40fdbd1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_05.png deleted file mode 100644 index fdc7e1563..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_06.png deleted file mode 100644 index ddaceb8d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_07.png deleted file mode 100644 index 5bb52220d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_08.png deleted file mode 100644 index 53b8f124c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_09.png deleted file mode 100644 index 115ba9863..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_10.png deleted file mode 100644 index f3df1e9b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_11.png deleted file mode 100644 index 128a01e2e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_12.png deleted file mode 100644 index 047ade65c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_13.png deleted file mode 100644 index 57615b544..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_14.png deleted file mode 100644 index ef69c7331..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_15.png deleted file mode 100644 index 78139e55d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_16.png deleted file mode 100644 index 9d266e3df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_17.png deleted file mode 100644 index aadfc8bca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_18.png deleted file mode 100644 index 24f7a6302..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_19.png deleted file mode 100644 index 632c9e4d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_20.png deleted file mode 100644 index 80b6e2904..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character05/0112_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_01.png deleted file mode 100644 index 28ea99acf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_02.png deleted file mode 100644 index a147affd6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_03.png deleted file mode 100644 index 53b9142f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_04.png deleted file mode 100644 index fc90a0183..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_05.png deleted file mode 100644 index faf2fab49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_06.png deleted file mode 100644 index 0fa8ac553..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_07.png deleted file mode 100644 index 4e6998cf3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_08.png deleted file mode 100644 index 2a1efdcb1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_09.png deleted file mode 100644 index 87ac5f2fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_10.png deleted file mode 100644 index 8709625e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_11.png deleted file mode 100644 index 7d30ac870..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_12.png deleted file mode 100644 index 4d314e97b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_13.png deleted file mode 100644 index 7d141d42d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_14.png deleted file mode 100644 index e628bfa73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_15.png deleted file mode 100644 index 0a2f390ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_16.png deleted file mode 100644 index 9c4ef4c6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_17.png deleted file mode 100644 index 7f81f319d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_18.png deleted file mode 100644 index c8612fdf5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_19.png deleted file mode 100644 index 1952eb9c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_20.png deleted file mode 100644 index 1f100375c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character06/0113_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_01.png deleted file mode 100644 index 9e7c43065..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_02.png deleted file mode 100644 index 42569021c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_03.png deleted file mode 100644 index 8c9a3703d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_04.png deleted file mode 100644 index 6ad87284a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_05.png deleted file mode 100644 index 5ab61c31f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_06.png deleted file mode 100644 index d667a1a36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_07.png deleted file mode 100644 index d05b46661..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_08.png deleted file mode 100644 index 4a6e0ca58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_09.png deleted file mode 100644 index 3a6851d5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_10.png deleted file mode 100644 index 08e5815d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_11.png deleted file mode 100644 index 3fa49802c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_12.png deleted file mode 100644 index d29410350..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_13.png deleted file mode 100644 index 450e80ef1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_14.png deleted file mode 100644 index e79c26f3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_15.png deleted file mode 100644 index 4fefaecd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_16.png deleted file mode 100644 index 4f02df3e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_17.png deleted file mode 100644 index 51be12aac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_18.png deleted file mode 100644 index bb32ae459..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_19.png deleted file mode 100644 index 40859e252..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_20.png deleted file mode 100644 index 6ace3de12..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character07/0114_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_01.png deleted file mode 100644 index 50792c200..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_02.png deleted file mode 100644 index 8160f4554..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_03.png deleted file mode 100644 index c420deaf7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_04.png deleted file mode 100644 index 3ef025f72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_05.png deleted file mode 100644 index df7bf9bac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_06.png deleted file mode 100644 index 658a6407e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_07.png deleted file mode 100644 index b446fad61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_08.png deleted file mode 100644 index 251dc104e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_09.png deleted file mode 100644 index 3883de8ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_10.png deleted file mode 100644 index de405fb8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_11.png deleted file mode 100644 index cd2c8212b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_12.png deleted file mode 100644 index c67c1b6e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_13.png deleted file mode 100644 index 71a59369b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_14.png deleted file mode 100644 index 63346c018..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_15.png deleted file mode 100644 index 990e7449b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_16.png deleted file mode 100644 index 361b12c34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_17.png deleted file mode 100644 index 7d50c06d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_18.png deleted file mode 100644 index fa0c049cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_19.png deleted file mode 100644 index a80643bdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_20.png deleted file mode 100644 index 77d67bf37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character08/0115_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_01.png deleted file mode 100644 index e995d8ef4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_02.png deleted file mode 100644 index 0fa57acca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_03.png deleted file mode 100644 index e95dd14c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_04.png deleted file mode 100644 index 457e576ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_05.png deleted file mode 100644 index 8460fdc77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_06.png deleted file mode 100644 index 932f78bfd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_07.png deleted file mode 100644 index 9d538b81e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_08.png deleted file mode 100644 index aaa7bea74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_09.png deleted file mode 100644 index 2c9dd05c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_10.png deleted file mode 100644 index dd2ccce24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_11.png deleted file mode 100644 index 937722287..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_12.png deleted file mode 100644 index d311adb71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_13.png deleted file mode 100644 index ff451f99a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_14.png deleted file mode 100644 index 66e58b1da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_15.png deleted file mode 100644 index 445dab6be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_16.png deleted file mode 100644 index 4838409a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_17.png deleted file mode 100644 index 6d0847479..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_18.png deleted file mode 100644 index faa40f0ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_19.png deleted file mode 100644 index c9afeea3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_20.png deleted file mode 100644 index 2b4501182..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character09/0116_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_01.png deleted file mode 100644 index 4f993bbd4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_02.png deleted file mode 100644 index 65e9c9fc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_03.png deleted file mode 100644 index 6a6568b56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_04.png deleted file mode 100644 index c7279e9fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_05.png deleted file mode 100644 index 5a5ca698d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_06.png deleted file mode 100644 index 882d64224..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_07.png deleted file mode 100644 index 87f5a9598..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_08.png deleted file mode 100644 index c76e2e570..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_09.png deleted file mode 100644 index 62d3bbf88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_10.png deleted file mode 100644 index 20e77a760..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_11.png deleted file mode 100644 index 7009a8b04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_12.png deleted file mode 100644 index b4c57d24b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_13.png deleted file mode 100644 index 3ce4ba38f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_14.png deleted file mode 100644 index f28a090f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_15.png deleted file mode 100644 index f63c705e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_16.png deleted file mode 100644 index 86953bf80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_17.png deleted file mode 100644 index 48244fede..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_18.png deleted file mode 100644 index e1eb02852..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_19.png deleted file mode 100644 index 4cae95f34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_20.png deleted file mode 100644 index de3b22ce6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character10/0117_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_01.png deleted file mode 100644 index 4b9e9352f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_02.png deleted file mode 100644 index 78f513266..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_03.png deleted file mode 100644 index 2d702a186..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_04.png deleted file mode 100644 index 9956c72a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_05.png deleted file mode 100644 index 3c5eb81b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_06.png deleted file mode 100644 index 3314e9e80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_07.png deleted file mode 100644 index 30b45a080..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_08.png deleted file mode 100644 index 111907665..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_09.png deleted file mode 100644 index 14503b39e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_10.png deleted file mode 100644 index 5039a6b7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_11.png deleted file mode 100644 index 3a2e292fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_12.png deleted file mode 100644 index b1947ec80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_13.png deleted file mode 100644 index 107ce0e03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_14.png deleted file mode 100644 index ed6fa8961..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_15.png deleted file mode 100644 index b342bb500..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_16.png deleted file mode 100644 index ed7d55d06..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_17.png deleted file mode 100644 index c86d6d4e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_18.png deleted file mode 100644 index 27f3d6481..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_19.png deleted file mode 100644 index 9842541fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_20.png deleted file mode 100644 index 32b3b34b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character11/0118_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_01.png deleted file mode 100644 index ba7727ff5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_02.png deleted file mode 100644 index 3ff90fb1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_03.png deleted file mode 100644 index b12b64247..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_04.png deleted file mode 100644 index 905786bc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_05.png deleted file mode 100644 index 9f95fa8eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_06.png deleted file mode 100644 index def00212e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_07.png deleted file mode 100644 index 7effebfa9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_08.png deleted file mode 100644 index 6eb373a3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_09.png deleted file mode 100644 index d771c78c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_10.png deleted file mode 100644 index 6bcb1eefc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_11.png deleted file mode 100644 index bde014d97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_12.png deleted file mode 100644 index 67d7ce7a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_13.png deleted file mode 100644 index d3e63a107..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_14.png deleted file mode 100644 index 720bc59d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_15.png deleted file mode 100644 index 8aeb46079..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_16.png deleted file mode 100644 index aeae8809f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_17.png deleted file mode 100644 index 1ad944591..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_18.png deleted file mode 100644 index 914f87447..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_19.png deleted file mode 100644 index 967acb579..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_20.png deleted file mode 100644 index 175376e7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character12/0119_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_01.png deleted file mode 100644 index 1c825204d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_02.png deleted file mode 100644 index 5dba5b018..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_03.png deleted file mode 100644 index 6de34efa5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_04.png deleted file mode 100644 index 92ba0e4cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_05.png deleted file mode 100644 index 2bf7063f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_06.png deleted file mode 100644 index 610ce36cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_07.png deleted file mode 100644 index c78ab9206..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_08.png deleted file mode 100644 index 17c0f80a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_09.png deleted file mode 100644 index e1aae0dcc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_10.png deleted file mode 100644 index 0b63e5065..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_11.png deleted file mode 100644 index 359f43f4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_12.png deleted file mode 100644 index 89ca573f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_13.png deleted file mode 100644 index bb4ae2c6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_14.png deleted file mode 100644 index d53005f5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_15.png deleted file mode 100644 index 99b20118f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_16.png deleted file mode 100644 index 44923fe77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_17.png deleted file mode 100644 index c1462ab45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_18.png deleted file mode 100644 index e354afaed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_19.png deleted file mode 100644 index bafc02952..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_20.png deleted file mode 100644 index 9d4425f74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character13/0120_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_01.png deleted file mode 100644 index bab865e5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_02.png deleted file mode 100644 index 336670d68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_03.png deleted file mode 100644 index ffac0c7eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_04.png deleted file mode 100644 index 218c16765..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_05.png deleted file mode 100644 index 46cbc3a20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_06.png deleted file mode 100644 index 63a98d433..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_07.png deleted file mode 100644 index 5eea36f09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_08.png deleted file mode 100644 index d8252c637..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_09.png deleted file mode 100644 index 08d99fcc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_10.png deleted file mode 100644 index 654c4b364..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_11.png deleted file mode 100644 index 73dcd451d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_12.png deleted file mode 100644 index cdf3a259b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_13.png deleted file mode 100644 index 4d5c09840..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_14.png deleted file mode 100644 index c829057c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_15.png deleted file mode 100644 index cb42ab329..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_16.png deleted file mode 100644 index 63ec8adce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_17.png deleted file mode 100644 index 0985fb8bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_18.png deleted file mode 100644 index 703863a10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_19.png deleted file mode 100644 index 733aa3f70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_20.png deleted file mode 100644 index 081854069..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character14/0121_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_01.png deleted file mode 100644 index 80a14bb2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_02.png deleted file mode 100644 index e48353d87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_03.png deleted file mode 100644 index 1fd226d72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_04.png deleted file mode 100644 index cc4bca0c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_05.png deleted file mode 100644 index 895a77a5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_06.png deleted file mode 100644 index 0f1ea0892..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_07.png deleted file mode 100644 index 162e9dd74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_08.png deleted file mode 100644 index bc1cfc083..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_09.png deleted file mode 100644 index 7052d2c35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_10.png deleted file mode 100644 index bc8f22942..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_11.png deleted file mode 100644 index 5b635e5b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_12.png deleted file mode 100644 index 5795b5ac6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_13.png deleted file mode 100644 index 9401deef1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_14.png deleted file mode 100644 index a312ae284..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_15.png deleted file mode 100644 index 99c931b5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_16.png deleted file mode 100644 index 81d77e51b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_17.png deleted file mode 100644 index 63c412758..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_18.png deleted file mode 100644 index b410ad11d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_19.png deleted file mode 100644 index 7fc68347d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_20.png deleted file mode 100644 index 732cdb47f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character15/0122_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_01.png deleted file mode 100644 index db089f514..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_02.png deleted file mode 100644 index aa9d0dd44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_03.png deleted file mode 100644 index dc5710e84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_04.png deleted file mode 100644 index dc48c08d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_05.png deleted file mode 100644 index bdd85e0ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_06.png deleted file mode 100644 index 687851d86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_07.png deleted file mode 100644 index c324b29a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_08.png deleted file mode 100644 index 7d8e3282a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_09.png deleted file mode 100644 index 599ae8114..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_10.png deleted file mode 100644 index 5a4864485..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_11.png deleted file mode 100644 index d5815e793..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_12.png deleted file mode 100644 index 6c4bff814..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_13.png deleted file mode 100644 index 6f253ce57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_14.png deleted file mode 100644 index 8a6302274..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_15.png deleted file mode 100644 index 619204de9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_16.png deleted file mode 100644 index cae83bec1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_17.png deleted file mode 100644 index 05bf6c6ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_18.png deleted file mode 100644 index 8144123c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_19.png deleted file mode 100644 index b35aacd05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_20.png deleted file mode 100644 index a1d7a63bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character16/0123_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_01.png deleted file mode 100644 index d1e7b7cb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_02.png deleted file mode 100644 index 60035ceed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_03.png deleted file mode 100644 index 9c69feea9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_04.png deleted file mode 100644 index a89d794c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_05.png deleted file mode 100644 index 01ad88894..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_06.png deleted file mode 100644 index e31e1a8bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_07.png deleted file mode 100644 index 673d916b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_08.png deleted file mode 100644 index c60cbfbd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_09.png deleted file mode 100644 index 9407c7362..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_10.png deleted file mode 100644 index 9e0715045..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_11.png deleted file mode 100644 index b8881f32e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_12.png deleted file mode 100644 index 6520d8f3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_13.png deleted file mode 100644 index 41f1d1ff8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_14.png deleted file mode 100644 index 4ef170b1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_15.png deleted file mode 100644 index 89b24e105..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_16.png deleted file mode 100644 index 470cf08eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_17.png deleted file mode 100644 index 3309a2203..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_18.png deleted file mode 100644 index 189fc71d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_19.png deleted file mode 100644 index 599969eb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_20.png deleted file mode 100644 index 62c136fe0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character17/0124_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_01.png deleted file mode 100644 index cb6004d05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_02.png deleted file mode 100644 index 2c7fd353e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_03.png deleted file mode 100644 index 0b4d00c8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_04.png deleted file mode 100644 index 2d8515c40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_05.png deleted file mode 100644 index fef596a3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_06.png deleted file mode 100644 index a1a27ec08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_07.png deleted file mode 100644 index 9f4a94e03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_08.png deleted file mode 100644 index 973610c78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_09.png deleted file mode 100644 index 552836c55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_10.png deleted file mode 100644 index b52481e30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_11.png deleted file mode 100644 index 3b3b559c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_12.png deleted file mode 100644 index 4f3fef810..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_13.png deleted file mode 100644 index 6a7d9bd14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_14.png deleted file mode 100644 index 0dfb18d0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_15.png deleted file mode 100644 index b263c1fdb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_16.png deleted file mode 100644 index d01ff4e8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_17.png deleted file mode 100644 index 803867d80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_18.png deleted file mode 100644 index b36dc488b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_19.png deleted file mode 100644 index 208822dc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_20.png deleted file mode 100644 index 6ad72f9ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character18/0125_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_01.png deleted file mode 100644 index 1c3eedcb1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_02.png deleted file mode 100644 index d67723bac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_03.png deleted file mode 100644 index b35fa6689..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_04.png deleted file mode 100644 index f31b0c088..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_05.png deleted file mode 100644 index 5f3dda447..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_06.png deleted file mode 100644 index 86819a559..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_07.png deleted file mode 100644 index 69365cb8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_08.png deleted file mode 100644 index 0bbe636c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_09.png deleted file mode 100644 index 19f993ea2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_10.png deleted file mode 100644 index cad85f88e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_11.png deleted file mode 100644 index 18f4a7906..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_12.png deleted file mode 100644 index 8988d3c95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_13.png deleted file mode 100644 index 5d96eb506..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_14.png deleted file mode 100644 index 59ca43821..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_15.png deleted file mode 100644 index 9ae065836..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_16.png deleted file mode 100644 index 3c919ec86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_17.png deleted file mode 100644 index fce3d6de0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_18.png deleted file mode 100644 index bf140517e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_19.png deleted file mode 100644 index eaaf69512..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_20.png deleted file mode 100644 index ee9768285..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character19/0126_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_01.png deleted file mode 100644 index 2876b764e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_02.png deleted file mode 100644 index dc9a99aa3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_03.png deleted file mode 100644 index 79436f8ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_04.png deleted file mode 100644 index c50fe3fa3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_05.png deleted file mode 100644 index fe24fcd41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_06.png deleted file mode 100644 index 41a57067c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_07.png deleted file mode 100644 index a598bd71e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_08.png deleted file mode 100644 index 435f850a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_09.png deleted file mode 100644 index bf88c8338..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_10.png deleted file mode 100644 index 011b49505..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_11.png deleted file mode 100644 index 4e045ec30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_12.png deleted file mode 100644 index 2fa02341f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_13.png deleted file mode 100644 index 31dc4eb46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_14.png deleted file mode 100644 index d2628fdbb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_15.png deleted file mode 100644 index 49117bb1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_16.png deleted file mode 100644 index 087dc7fe2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_17.png deleted file mode 100644 index 8194aea7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_18.png deleted file mode 100644 index 9e14175e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_19.png deleted file mode 100644 index 831303b42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_20.png deleted file mode 100644 index 15e4690c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character20/0127_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_01.png deleted file mode 100644 index 752c6222c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_02.png deleted file mode 100644 index 45023c198..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_03.png deleted file mode 100644 index 63e27b514..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_04.png deleted file mode 100644 index eeedcad0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_05.png deleted file mode 100644 index 09bd73bda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_06.png deleted file mode 100644 index 311d67854..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_07.png deleted file mode 100644 index 7d568db80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_08.png deleted file mode 100644 index 0d7dfda2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_09.png deleted file mode 100644 index d7719bec4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_10.png deleted file mode 100644 index c9d2a6794..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_11.png deleted file mode 100644 index 63e674de6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_12.png deleted file mode 100644 index 8e8e5351f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_13.png deleted file mode 100644 index 8655158ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_14.png deleted file mode 100644 index 463c0deeb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_15.png deleted file mode 100644 index e14df24ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_16.png deleted file mode 100644 index d469045e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_17.png deleted file mode 100644 index 14e55ce65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_18.png deleted file mode 100644 index 30c2c1c14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_19.png deleted file mode 100644 index 911386aa7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_20.png deleted file mode 100644 index e8ae2d951..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character21/0128_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_01.png deleted file mode 100644 index 29b5be66f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_02.png deleted file mode 100644 index 540eddceb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_03.png deleted file mode 100644 index a4dedfc94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_04.png deleted file mode 100644 index 6c7007f57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_05.png deleted file mode 100644 index 68e6fa5be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_06.png deleted file mode 100644 index 2506f5e4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_07.png deleted file mode 100644 index 72612a642..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_08.png deleted file mode 100644 index 4001e8b75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_09.png deleted file mode 100644 index 507766279..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_10.png deleted file mode 100644 index 056366f5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_11.png deleted file mode 100644 index f11dd01b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_12.png deleted file mode 100644 index 6717b96a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_13.png deleted file mode 100644 index 7ea56e5ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_14.png deleted file mode 100644 index 07a80c3ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_15.png deleted file mode 100644 index 8f1c924a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_16.png deleted file mode 100644 index ef73a52d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_17.png deleted file mode 100644 index 8af59d378..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_18.png deleted file mode 100644 index 6a3cdf050..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_19.png deleted file mode 100644 index 5f3518d3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_20.png deleted file mode 100644 index 57b5d9828..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character22/0129_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_01.png deleted file mode 100644 index 710ab844a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_02.png deleted file mode 100644 index 99669712c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_03.png deleted file mode 100644 index faf688806..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_04.png deleted file mode 100644 index a32f69785..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_05.png deleted file mode 100644 index 0b85a472d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_06.png deleted file mode 100644 index 6fe3474c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_07.png deleted file mode 100644 index d1d2edfd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_08.png deleted file mode 100644 index 5eda6a33c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_09.png deleted file mode 100644 index e205a73fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_10.png deleted file mode 100644 index cd712b39a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_11.png deleted file mode 100644 index 294206079..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_12.png deleted file mode 100644 index b63780f7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_13.png deleted file mode 100644 index b60c870b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_14.png deleted file mode 100644 index 1d6d4a4c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_15.png deleted file mode 100644 index c840ff22b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_16.png deleted file mode 100644 index a1443f4a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_17.png deleted file mode 100644 index 2a4875d44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_18.png deleted file mode 100644 index 4abbb0aa8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_19.png deleted file mode 100644 index e85e50dee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_20.png deleted file mode 100644 index d59972223..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character23/0130_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_01.png deleted file mode 100644 index 096fd0c96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_02.png deleted file mode 100644 index 919498934..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_03.png deleted file mode 100644 index b010dce9d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_04.png deleted file mode 100644 index 118281d17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_05.png deleted file mode 100644 index 46b5be628..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_06.png deleted file mode 100644 index f0304d2e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_07.png deleted file mode 100644 index 786b1c884..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_08.png deleted file mode 100644 index 27eb4c8e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_09.png deleted file mode 100644 index dc9ca6f1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_10.png deleted file mode 100644 index e851d7655..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_11.png deleted file mode 100644 index eaf0d03af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_12.png deleted file mode 100644 index b2fcbede3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_13.png deleted file mode 100644 index f05e06c8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_14.png deleted file mode 100644 index a8d1baf1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_15.png deleted file mode 100644 index 2a5dafc18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_16.png deleted file mode 100644 index 3afd4862c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_17.png deleted file mode 100644 index 13f0ca7a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_18.png deleted file mode 100644 index 5ecc67064..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_19.png deleted file mode 100644 index 1d5c2ac0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_20.png deleted file mode 100644 index 68f87ae8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Balinese/character24/0131_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_01.png deleted file mode 100644 index 19478fe44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_02.png deleted file mode 100644 index dfd01c77b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_03.png deleted file mode 100644 index 9efb25bab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_04.png deleted file mode 100644 index d3ea54bec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_05.png deleted file mode 100644 index 61e03bd16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_06.png deleted file mode 100644 index b1cff4abe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_07.png deleted file mode 100644 index ee7aaaac0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_08.png deleted file mode 100644 index ddf1a3754..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_09.png deleted file mode 100644 index 378dc3d7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_10.png deleted file mode 100644 index 5a419554c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_11.png deleted file mode 100644 index 00b64efc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_12.png deleted file mode 100644 index 30aa9028b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_13.png deleted file mode 100644 index 22af57192..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_14.png deleted file mode 100644 index 2a829ce95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_15.png deleted file mode 100644 index f4f3badf4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_16.png deleted file mode 100644 index 1b2d79842..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_17.png deleted file mode 100644 index d4899e0e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_18.png deleted file mode 100644 index 47047f920..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_19.png deleted file mode 100644 index b59b1a4d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_20.png deleted file mode 100644 index 4500d167d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character01/0132_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_01.png deleted file mode 100644 index e943cf056..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_02.png deleted file mode 100644 index faeb75acc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_03.png deleted file mode 100644 index 4f94956de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_04.png deleted file mode 100644 index 2f50a59a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_05.png deleted file mode 100644 index 473ed9dbc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_06.png deleted file mode 100644 index 1c0a2e953..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_07.png deleted file mode 100644 index c5a51de42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_08.png deleted file mode 100644 index b1cf8fba5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_09.png deleted file mode 100644 index e92828175..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_10.png deleted file mode 100644 index da8de5982..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_11.png deleted file mode 100644 index 5646d4aa2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_12.png deleted file mode 100644 index c11dc51c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_13.png deleted file mode 100644 index 00d0a06d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_14.png deleted file mode 100644 index e141856e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_15.png deleted file mode 100644 index 02a7f45a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_16.png deleted file mode 100644 index fb16f39a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_17.png deleted file mode 100644 index f038ca39b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_18.png deleted file mode 100644 index 0b3452d67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_19.png deleted file mode 100644 index ebff1103c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_20.png deleted file mode 100644 index f4ebe6151..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character02/0133_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_01.png deleted file mode 100644 index 699c53420..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_02.png deleted file mode 100644 index 3f0763d3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_03.png deleted file mode 100644 index 10a4f22ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_04.png deleted file mode 100644 index 94af19f30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_05.png deleted file mode 100644 index bc626350c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_06.png deleted file mode 100644 index 1348d12a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_07.png deleted file mode 100644 index cb3d71244..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_08.png deleted file mode 100644 index a5437d6db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_09.png deleted file mode 100644 index 2fb6fea10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_10.png deleted file mode 100644 index 4bf2785a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_11.png deleted file mode 100644 index 2d221a63c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_12.png deleted file mode 100644 index 63ded1aed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_13.png deleted file mode 100644 index 8a071d21d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_14.png deleted file mode 100644 index 233f696a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_15.png deleted file mode 100644 index 02bd9d451..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_16.png deleted file mode 100644 index 5fd84adac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_17.png deleted file mode 100644 index 1f96d6b76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_18.png deleted file mode 100644 index 75e100143..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_19.png deleted file mode 100644 index ef08cef6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_20.png deleted file mode 100644 index 10bcd8169..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character03/0134_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_01.png deleted file mode 100644 index 23734b0eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_02.png deleted file mode 100644 index b0c635e04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_03.png deleted file mode 100644 index 13181b1cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_04.png deleted file mode 100644 index e0dcdfebf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_05.png deleted file mode 100644 index 43e10c341..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_06.png deleted file mode 100644 index 1f00bbd63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_07.png deleted file mode 100644 index c428f46f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_08.png deleted file mode 100644 index b8906d7ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_09.png deleted file mode 100644 index 03e8bef5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_10.png deleted file mode 100644 index 0059c4bd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_11.png deleted file mode 100644 index 8ed48ea6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_12.png deleted file mode 100644 index 9e5f4f8dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_13.png deleted file mode 100644 index d2c7fce31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_14.png deleted file mode 100644 index 4b4076336..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_15.png deleted file mode 100644 index c5e5e0a08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_16.png deleted file mode 100644 index 33ee7d825..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_17.png deleted file mode 100644 index 9c3c62523..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_18.png deleted file mode 100644 index f17d57789..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_19.png deleted file mode 100644 index a85a9857e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_20.png deleted file mode 100644 index a84ef3356..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character04/0135_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_01.png deleted file mode 100644 index 9c2800513..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_02.png deleted file mode 100644 index 23d9bb69f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_03.png deleted file mode 100644 index 5c695168f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_04.png deleted file mode 100644 index e20da333b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_05.png deleted file mode 100644 index 3108ceaec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_06.png deleted file mode 100644 index 5d91c86c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_07.png deleted file mode 100644 index aef7c4006..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_08.png deleted file mode 100644 index d0f830eab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_09.png deleted file mode 100644 index b5ca88dca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_10.png deleted file mode 100644 index 3282f3818..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_11.png deleted file mode 100644 index dc76040e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_12.png deleted file mode 100644 index 7319c36fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_13.png deleted file mode 100644 index 9c2fde0ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_14.png deleted file mode 100644 index 525db50be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_15.png deleted file mode 100644 index 0ad290e7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_16.png deleted file mode 100644 index 146797dea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_17.png deleted file mode 100644 index a9be1014f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_18.png deleted file mode 100644 index 0f918e792..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_19.png deleted file mode 100644 index 00a2c211b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_20.png deleted file mode 100644 index 0d619cdc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character05/0136_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_01.png deleted file mode 100644 index f842c6d27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_02.png deleted file mode 100644 index 8a3271fd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_03.png deleted file mode 100644 index 06ac3a600..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_04.png deleted file mode 100644 index ab50c14d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_05.png deleted file mode 100644 index 44482f037..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_06.png deleted file mode 100644 index 39fc7bdb1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_07.png deleted file mode 100644 index 963537da6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_08.png deleted file mode 100644 index 0658d8465..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_09.png deleted file mode 100644 index 7962121d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_10.png deleted file mode 100644 index 8bd70dc51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_11.png deleted file mode 100644 index a095b464f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_12.png deleted file mode 100644 index 5e1b956e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_13.png deleted file mode 100644 index cb9a1fad8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_14.png deleted file mode 100644 index f1479875d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_15.png deleted file mode 100644 index be463f3b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_16.png deleted file mode 100644 index 101cce6c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_17.png deleted file mode 100644 index 214c111b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_18.png deleted file mode 100644 index 02f1ee2df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_19.png deleted file mode 100644 index 508cee347..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_20.png deleted file mode 100644 index 9895d9faf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character06/0137_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_01.png deleted file mode 100644 index 71b58d544..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_02.png deleted file mode 100644 index 557013132..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_03.png deleted file mode 100644 index 6c07ca87f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_04.png deleted file mode 100644 index 363dedab8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_05.png deleted file mode 100644 index c45f81d76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_06.png deleted file mode 100644 index 1b239f19e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_07.png deleted file mode 100644 index fc0b3301b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_08.png deleted file mode 100644 index 72c133a03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_09.png deleted file mode 100644 index 4956f607f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_10.png deleted file mode 100644 index 35c50f680..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_11.png deleted file mode 100644 index 98f616d66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_12.png deleted file mode 100644 index 9ab5e4cf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_13.png deleted file mode 100644 index d711a4e14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_14.png deleted file mode 100644 index 30234c42f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_15.png deleted file mode 100644 index 74e6be70b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_16.png deleted file mode 100644 index 90e61d4f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_17.png deleted file mode 100644 index 7829d128b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_18.png deleted file mode 100644 index 5d06d3e44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_19.png deleted file mode 100644 index ac48fe432..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_20.png deleted file mode 100644 index de361f4ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character07/0138_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_01.png deleted file mode 100644 index 362b50758..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_02.png deleted file mode 100644 index ad5e513e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_03.png deleted file mode 100644 index c847a47fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_04.png deleted file mode 100644 index a37261bee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_05.png deleted file mode 100644 index f01c7006e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_06.png deleted file mode 100644 index 83178972a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_07.png deleted file mode 100644 index caab09755..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_08.png deleted file mode 100644 index 156c13442..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_09.png deleted file mode 100644 index 91f5db091..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_10.png deleted file mode 100644 index b4577ed06..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_11.png deleted file mode 100644 index 062a58f14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_12.png deleted file mode 100644 index 5cae07b86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_13.png deleted file mode 100644 index 64fbd2142..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_14.png deleted file mode 100644 index 4272f4740..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_15.png deleted file mode 100644 index 5f5f76904..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_16.png deleted file mode 100644 index 40e9cb992..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_17.png deleted file mode 100644 index 001c1d413..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_18.png deleted file mode 100644 index 505139377..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_19.png deleted file mode 100644 index be832caf0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_20.png deleted file mode 100644 index c7f1bea4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character08/0139_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_01.png deleted file mode 100644 index a04e53fa1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_02.png deleted file mode 100644 index c7078fce3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_03.png deleted file mode 100644 index 1e24a2d44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_04.png deleted file mode 100644 index 84c090e61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_05.png deleted file mode 100644 index 89127f709..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_06.png deleted file mode 100644 index 0570661b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_07.png deleted file mode 100644 index 51d155901..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_08.png deleted file mode 100644 index 1b41b943a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_09.png deleted file mode 100644 index 234f1f520..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_10.png deleted file mode 100644 index 632a30d7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_11.png deleted file mode 100644 index d230372a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_12.png deleted file mode 100644 index 814fadbc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_13.png deleted file mode 100644 index 203ce06e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_14.png deleted file mode 100644 index cafc662f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_15.png deleted file mode 100644 index bdfaa6019..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_16.png deleted file mode 100644 index b618d021a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_17.png deleted file mode 100644 index 3eb892b22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_18.png deleted file mode 100644 index dbb67f3bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_19.png deleted file mode 100644 index a09feefc8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_20.png deleted file mode 100644 index 728cb5be2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character09/0140_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_01.png deleted file mode 100644 index 3dcd5a19f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_02.png deleted file mode 100644 index 154220a30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_03.png deleted file mode 100644 index 10e8fa93b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_04.png deleted file mode 100644 index cf70ee1a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_05.png deleted file mode 100644 index 09f13c7e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_06.png deleted file mode 100644 index a23d57f1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_07.png deleted file mode 100644 index e4307a1aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_08.png deleted file mode 100644 index 00a15917e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_09.png deleted file mode 100644 index 15593be27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_10.png deleted file mode 100644 index ef5fe991e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_11.png deleted file mode 100644 index ea60e0c76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_12.png deleted file mode 100644 index e2f621900..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_13.png deleted file mode 100644 index 52c7f1055..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_14.png deleted file mode 100644 index 3f24fedc4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_15.png deleted file mode 100644 index fa44aff7b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_16.png deleted file mode 100644 index a1866d3ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_17.png deleted file mode 100644 index addc6b189..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_18.png deleted file mode 100644 index deacf683c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_19.png deleted file mode 100644 index a14c2a337..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_20.png deleted file mode 100644 index 12d1482e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character10/0141_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_01.png deleted file mode 100644 index 231dc180d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_02.png deleted file mode 100644 index c4a976d32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_03.png deleted file mode 100644 index 45d2531c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_04.png deleted file mode 100644 index 39c2d5922..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_05.png deleted file mode 100644 index 78f3ce634..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_06.png deleted file mode 100644 index 55be2c157..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_07.png deleted file mode 100644 index c04776f38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_08.png deleted file mode 100644 index d74116d8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_09.png deleted file mode 100644 index 3cf4bc449..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_10.png deleted file mode 100644 index 8f98f9a55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_11.png deleted file mode 100644 index e8784d326..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_12.png deleted file mode 100644 index b721a18e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_13.png deleted file mode 100644 index 4d194c4c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_14.png deleted file mode 100644 index 85d8fb59d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_15.png deleted file mode 100644 index fad43728b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_16.png deleted file mode 100644 index 4a392461a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_17.png deleted file mode 100644 index 619d3674c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_18.png deleted file mode 100644 index 24ab75612..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_19.png deleted file mode 100644 index 62369e0f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_20.png deleted file mode 100644 index 810cc2776..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character11/0142_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_01.png deleted file mode 100644 index fc83a8bd1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_02.png deleted file mode 100644 index ff6f6b49c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_03.png deleted file mode 100644 index 53f5374ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_04.png deleted file mode 100644 index 24ed36bf4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_05.png deleted file mode 100644 index ebc02c519..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_06.png deleted file mode 100644 index 83843ba0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_07.png deleted file mode 100644 index 1c46129b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_08.png deleted file mode 100644 index 86a39aa04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_09.png deleted file mode 100644 index d66341535..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_10.png deleted file mode 100644 index 1447d6a4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_11.png deleted file mode 100644 index b61c464e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_12.png deleted file mode 100644 index ba7726afc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_13.png deleted file mode 100644 index 3e0163307..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_14.png deleted file mode 100644 index 1bbdcb1d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_15.png deleted file mode 100644 index 06da8b719..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_16.png deleted file mode 100644 index 6d05dc940..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_17.png deleted file mode 100644 index fd5f8283e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_18.png deleted file mode 100644 index e21238041..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_19.png deleted file mode 100644 index a9790ed62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_20.png deleted file mode 100644 index 4306d1416..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character12/0143_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_01.png deleted file mode 100644 index 3649f27f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_02.png deleted file mode 100644 index 01a52f02f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_03.png deleted file mode 100644 index 62bebeaa6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_04.png deleted file mode 100644 index badfd1e0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_05.png deleted file mode 100644 index 942451fbc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_06.png deleted file mode 100644 index f491739ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_07.png deleted file mode 100644 index f9f70d2cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_08.png deleted file mode 100644 index 1d9bea99c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_09.png deleted file mode 100644 index 9a8101abf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_10.png deleted file mode 100644 index d25e6112f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_11.png deleted file mode 100644 index ed26541ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_12.png deleted file mode 100644 index 1b8c78340..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_13.png deleted file mode 100644 index e6fafac0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_14.png deleted file mode 100644 index af0bc935c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_15.png deleted file mode 100644 index 292a6759a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_16.png deleted file mode 100644 index ddf7c49f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_17.png deleted file mode 100644 index 854adfe0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_18.png deleted file mode 100644 index 82831cdea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_19.png deleted file mode 100644 index 4a0d8372d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_20.png deleted file mode 100644 index 5d90322b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character13/0144_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_01.png deleted file mode 100644 index e23321b29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_02.png deleted file mode 100644 index 8d61edfeb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_03.png deleted file mode 100644 index 51dcf71e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_04.png deleted file mode 100644 index ab8ce811d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_05.png deleted file mode 100644 index a42da93b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_06.png deleted file mode 100644 index 48b3a016b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_07.png deleted file mode 100644 index 6c512149c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_08.png deleted file mode 100644 index fdfc95e6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_09.png deleted file mode 100644 index cdf1c7c38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_10.png deleted file mode 100644 index 64889d76c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_11.png deleted file mode 100644 index 7dbd41381..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_12.png deleted file mode 100644 index bd11bac93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_13.png deleted file mode 100644 index 5f7aa92e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_14.png deleted file mode 100644 index c792af26d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_15.png deleted file mode 100644 index c5d7c5ed7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_16.png deleted file mode 100644 index e8412e6e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_17.png deleted file mode 100644 index a3345ce8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_18.png deleted file mode 100644 index ee1fc8295..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_19.png deleted file mode 100644 index dee62f5af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_20.png deleted file mode 100644 index 8f09a1629..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character14/0145_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_01.png deleted file mode 100644 index ce4f9e5fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_02.png deleted file mode 100644 index b86f32a2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_03.png deleted file mode 100644 index 100e80390..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_04.png deleted file mode 100644 index a31f3a087..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_05.png deleted file mode 100644 index 4f16e4c0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_06.png deleted file mode 100644 index e336d7274..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_07.png deleted file mode 100644 index 599c356c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_08.png deleted file mode 100644 index 24063b8ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_09.png deleted file mode 100644 index da7dc9c86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_10.png deleted file mode 100644 index f022d9d71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_11.png deleted file mode 100644 index b8c4a55ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_12.png deleted file mode 100644 index bb7e54135..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_13.png deleted file mode 100644 index 645849211..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_14.png deleted file mode 100644 index f3c9cf37a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_15.png deleted file mode 100644 index 64f8e59ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_16.png deleted file mode 100644 index 810750ac4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_17.png deleted file mode 100644 index bfb7adfc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_18.png deleted file mode 100644 index 22043f25f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_19.png deleted file mode 100644 index fe2ada8d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_20.png deleted file mode 100644 index c1f428f6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character15/0146_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_01.png deleted file mode 100644 index 15313ebe9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_02.png deleted file mode 100644 index 9e3a58076..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_03.png deleted file mode 100644 index 7360cb73c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_04.png deleted file mode 100644 index 43374bd9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_05.png deleted file mode 100644 index 0cf5276a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_06.png deleted file mode 100644 index 4c109b2df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_07.png deleted file mode 100644 index 736c4e735..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_08.png deleted file mode 100644 index c1faa62eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_09.png deleted file mode 100644 index d7f5a82a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_10.png deleted file mode 100644 index 432ce05d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_11.png deleted file mode 100644 index f82ad0d39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_12.png deleted file mode 100644 index 20cbfa276..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_13.png deleted file mode 100644 index 22e7c3deb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_14.png deleted file mode 100644 index d2fe7732e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_15.png deleted file mode 100644 index 2364bd9e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_16.png deleted file mode 100644 index 3ee16d866..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_17.png deleted file mode 100644 index 3eba6eb52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_18.png deleted file mode 100644 index c3611ae77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_19.png deleted file mode 100644 index 8aa834cad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_20.png deleted file mode 100644 index 6c21d9c85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character16/0147_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_01.png deleted file mode 100644 index 172623eca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_02.png deleted file mode 100644 index 99b34fdd4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_03.png deleted file mode 100644 index 06f5287a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_04.png deleted file mode 100644 index 8f0080aba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_05.png deleted file mode 100644 index eb7c759ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_06.png deleted file mode 100644 index 8999d099a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_07.png deleted file mode 100644 index 2219d114b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_08.png deleted file mode 100644 index ea69a40fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_09.png deleted file mode 100644 index 4bda33b77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_10.png deleted file mode 100644 index 5b1f74c41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_11.png deleted file mode 100644 index 4cf262be9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_12.png deleted file mode 100644 index eef7f4083..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_13.png deleted file mode 100644 index 4103fa73d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_14.png deleted file mode 100644 index 310893c0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_15.png deleted file mode 100644 index 08c6ccc44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_16.png deleted file mode 100644 index 43f401c5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_17.png deleted file mode 100644 index dde2513b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_18.png deleted file mode 100644 index 48f6ee8c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_19.png deleted file mode 100644 index e79025f80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_20.png deleted file mode 100644 index 6bc97e59a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character17/0148_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_01.png deleted file mode 100644 index 886ce6cb8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_02.png deleted file mode 100644 index afe7945c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_03.png deleted file mode 100644 index f88271111..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_04.png deleted file mode 100644 index d04418b53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_05.png deleted file mode 100644 index 415af8114..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_06.png deleted file mode 100644 index b7b2ae362..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_07.png deleted file mode 100644 index d723e5084..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_08.png deleted file mode 100644 index 748f197fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_09.png deleted file mode 100644 index 93c8bca76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_10.png deleted file mode 100644 index 21cf5eac8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_11.png deleted file mode 100644 index c41f6a8bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_12.png deleted file mode 100644 index 3ea6cdff2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_13.png deleted file mode 100644 index 6ea8a8837..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_14.png deleted file mode 100644 index 53fadb6b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_15.png deleted file mode 100644 index fcbb1fc42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_16.png deleted file mode 100644 index 5edc947c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_17.png deleted file mode 100644 index f034a8318..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_18.png deleted file mode 100644 index 29d95d382..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_19.png deleted file mode 100644 index f5deeca86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_20.png deleted file mode 100644 index 8177c5543..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character18/0149_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_01.png deleted file mode 100644 index 5708b6895..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_02.png deleted file mode 100644 index 534c45047..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_03.png deleted file mode 100644 index c665eb801..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_04.png deleted file mode 100644 index 60d24f3ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_05.png deleted file mode 100644 index 692359f62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_06.png deleted file mode 100644 index 9e11a22c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_07.png deleted file mode 100644 index 951032bc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_08.png deleted file mode 100644 index fcb12ae18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_09.png deleted file mode 100644 index c2bcb13ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_10.png deleted file mode 100644 index c3a9dcf98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_11.png deleted file mode 100644 index 8531bb555..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_12.png deleted file mode 100644 index a4673278b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_13.png deleted file mode 100644 index 9e540cc4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_14.png deleted file mode 100644 index e9ed5e6ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_15.png deleted file mode 100644 index d88d62ea5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_16.png deleted file mode 100644 index 1b5976501..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_17.png deleted file mode 100644 index be5ce21b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_18.png deleted file mode 100644 index cef033437..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_19.png deleted file mode 100644 index 7a4d196d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_20.png deleted file mode 100644 index 35d548a82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character19/0150_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_01.png deleted file mode 100644 index d08a5d3fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_02.png deleted file mode 100644 index 9acd3c12e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_03.png deleted file mode 100644 index 6ca462f60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_04.png deleted file mode 100644 index 3a7fd94e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_05.png deleted file mode 100644 index 067675104..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_06.png deleted file mode 100644 index 0d125e799..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_07.png deleted file mode 100644 index 85bbfcf81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_08.png deleted file mode 100644 index deb03a3aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_09.png deleted file mode 100644 index 3e72988f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_10.png deleted file mode 100644 index bd0da24b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_11.png deleted file mode 100644 index f426d2de6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_12.png deleted file mode 100644 index 49331ccae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_13.png deleted file mode 100644 index c15b5b150..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_14.png deleted file mode 100644 index 641ee8e58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_15.png deleted file mode 100644 index e49e11c4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_16.png deleted file mode 100644 index a2b8194da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_17.png deleted file mode 100644 index c62dc17ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_18.png deleted file mode 100644 index f6a58e7b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_19.png deleted file mode 100644 index 6dc6fe145..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_20.png deleted file mode 100644 index 062e583b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character20/0151_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_01.png deleted file mode 100644 index 5b232165d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_02.png deleted file mode 100644 index 064e47839..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_03.png deleted file mode 100644 index 76447c086..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_04.png deleted file mode 100644 index 4d2711a0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_05.png deleted file mode 100644 index a32f753eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_06.png deleted file mode 100644 index 4d107fb4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_07.png deleted file mode 100644 index f32a94b68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_08.png deleted file mode 100644 index 619b96352..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_09.png deleted file mode 100644 index d354c2b05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_10.png deleted file mode 100644 index f97a68a25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_11.png deleted file mode 100644 index 3b9d16647..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_12.png deleted file mode 100644 index 67f47bf9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_13.png deleted file mode 100644 index a13b1a10e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_14.png deleted file mode 100644 index 00e7d5f7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_15.png deleted file mode 100644 index 14a09d586..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_16.png deleted file mode 100644 index 1de4bd385..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_17.png deleted file mode 100644 index 5404921a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_18.png deleted file mode 100644 index 8fb153b1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_19.png deleted file mode 100644 index bc5117679..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_20.png deleted file mode 100644 index 301794367..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character21/0152_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_01.png deleted file mode 100644 index 6852a90dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_02.png deleted file mode 100644 index cfcf9e517..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_03.png deleted file mode 100644 index 2b19a2062..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_04.png deleted file mode 100644 index f15bcdf97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_05.png deleted file mode 100644 index a8feef040..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_06.png deleted file mode 100644 index 94bf7db9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_07.png deleted file mode 100644 index bd2d51b9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_08.png deleted file mode 100644 index 69555e07e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_09.png deleted file mode 100644 index 14b45eb02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_10.png deleted file mode 100644 index b0b8a9de4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_11.png deleted file mode 100644 index 85294778f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_12.png deleted file mode 100644 index 58e4a01ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_13.png deleted file mode 100644 index e76f8c7ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_14.png deleted file mode 100644 index c6b49c24d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_15.png deleted file mode 100644 index 624194b8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_16.png deleted file mode 100644 index 0e75fcd9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_17.png deleted file mode 100644 index 1894df35a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_18.png deleted file mode 100644 index b20186dcd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_19.png deleted file mode 100644 index 6cbdd3264..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_20.png deleted file mode 100644 index 85ffc7b8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character22/0153_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_01.png deleted file mode 100644 index 5eb87aebb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_02.png deleted file mode 100644 index c89f17c74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_03.png deleted file mode 100644 index ef7c4680e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_04.png deleted file mode 100644 index 355af7c59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_05.png deleted file mode 100644 index 1ab284c85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_06.png deleted file mode 100644 index 1eb764bd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_07.png deleted file mode 100644 index 064ad27d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_08.png deleted file mode 100644 index 818b87ffb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_09.png deleted file mode 100644 index 52070ad17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_10.png deleted file mode 100644 index fa90c4a22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_11.png deleted file mode 100644 index 5f4d8037c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_12.png deleted file mode 100644 index 62619c8f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_13.png deleted file mode 100644 index ba9a26ae4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_14.png deleted file mode 100644 index b99e18a5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_15.png deleted file mode 100644 index cc9300508..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_16.png deleted file mode 100644 index 4f941a03e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_17.png deleted file mode 100644 index 6f14efb2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_18.png deleted file mode 100644 index fe003c6ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_19.png deleted file mode 100644 index 3c2b9a09d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_20.png deleted file mode 100644 index 4d969fcf8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character23/0154_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_01.png deleted file mode 100644 index 7cc1e2222..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_02.png deleted file mode 100644 index fac138fdf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_03.png deleted file mode 100644 index 1bf507025..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_04.png deleted file mode 100644 index 000c55fb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_05.png deleted file mode 100644 index b62f550c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_06.png deleted file mode 100644 index 145e319f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_07.png deleted file mode 100644 index e9b3ae1b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_08.png deleted file mode 100644 index 09bd86c30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_09.png deleted file mode 100644 index 29b796cf1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_10.png deleted file mode 100644 index 77145b862..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_11.png deleted file mode 100644 index 8a22726b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_12.png deleted file mode 100644 index 784b23c8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_13.png deleted file mode 100644 index f62d30252..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_14.png deleted file mode 100644 index 03689f812..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_15.png deleted file mode 100644 index 375b4639a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_16.png deleted file mode 100644 index 31bfaf796..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_17.png deleted file mode 100644 index df664bcd1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_18.png deleted file mode 100644 index a5464e2d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_19.png deleted file mode 100644 index 0ae187be3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_20.png deleted file mode 100644 index 2833379e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character24/0155_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_01.png deleted file mode 100644 index a5a268148..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_02.png deleted file mode 100644 index 9dbf37796..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_03.png deleted file mode 100644 index d44b5009e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_04.png deleted file mode 100644 index 6e3d6ca09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_05.png deleted file mode 100644 index 31ecbca24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_06.png deleted file mode 100644 index 66d5214b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_07.png deleted file mode 100644 index e4255d7c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_08.png deleted file mode 100644 index 3c073e9b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_09.png deleted file mode 100644 index 6cafef57c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_10.png deleted file mode 100644 index 4f51dd111..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_11.png deleted file mode 100644 index 6508e0054..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_12.png deleted file mode 100644 index e1e37ba65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_13.png deleted file mode 100644 index 9da2658c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_14.png deleted file mode 100644 index e32d02253..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_15.png deleted file mode 100644 index f905a5124..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_16.png deleted file mode 100644 index 083384adf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_17.png deleted file mode 100644 index 5c06cdc16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_18.png deleted file mode 100644 index 961ebe8eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_19.png deleted file mode 100644 index 550cba629..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_20.png deleted file mode 100644 index 80d62a17e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character25/0156_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_01.png deleted file mode 100644 index 34bfc68cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_02.png deleted file mode 100644 index 7fb9ac786..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_03.png deleted file mode 100644 index 8585fae74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_04.png deleted file mode 100644 index 3aff1d57a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_05.png deleted file mode 100644 index 58ab82a5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_06.png deleted file mode 100644 index c38bf5804..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_07.png deleted file mode 100644 index 23fed2678..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_08.png deleted file mode 100644 index 90878f0c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_09.png deleted file mode 100644 index aafce86f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_10.png deleted file mode 100644 index 06e13912e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_11.png deleted file mode 100644 index be832e81e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_12.png deleted file mode 100644 index bae800cd5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_13.png deleted file mode 100644 index 344e957fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_14.png deleted file mode 100644 index a30058e72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_15.png deleted file mode 100644 index 458b26c7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_16.png deleted file mode 100644 index cab52e708..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_17.png deleted file mode 100644 index de295f34f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_18.png deleted file mode 100644 index 29e5d06c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_19.png deleted file mode 100644 index e6905ce50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_20.png deleted file mode 100644 index 1b7d46884..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character26/0157_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_01.png deleted file mode 100644 index 0a6b9dc67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_02.png deleted file mode 100644 index ae83e0ec0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_03.png deleted file mode 100644 index 991c7deee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_04.png deleted file mode 100644 index 38472c746..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_05.png deleted file mode 100644 index ad00a1180..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_06.png deleted file mode 100644 index a3a5b0ff3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_07.png deleted file mode 100644 index d67668262..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_08.png deleted file mode 100644 index 64d831b74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_09.png deleted file mode 100644 index c52f92732..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_10.png deleted file mode 100644 index 4d1d40f5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_11.png deleted file mode 100644 index 6949cb44a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_12.png deleted file mode 100644 index d91cda795..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_13.png deleted file mode 100644 index 0f4bd83d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_14.png deleted file mode 100644 index cad333844..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_15.png deleted file mode 100644 index 8636a5e36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_16.png deleted file mode 100644 index cecbe7f5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_17.png deleted file mode 100644 index b49b673c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_18.png deleted file mode 100644 index ff3859735..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_19.png deleted file mode 100644 index 948b58693..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_20.png deleted file mode 100644 index 21d12cc95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character27/0158_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_01.png deleted file mode 100644 index 82111e7bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_02.png deleted file mode 100644 index 293aa9579..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_03.png deleted file mode 100644 index 43082a127..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_04.png deleted file mode 100644 index 3fc5aef6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_05.png deleted file mode 100644 index a1148b040..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_06.png deleted file mode 100644 index 9eb5375d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_07.png deleted file mode 100644 index a87c1d98f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_08.png deleted file mode 100644 index 5f4c14121..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_09.png deleted file mode 100644 index d7490bd24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_10.png deleted file mode 100644 index bb44de5dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_11.png deleted file mode 100644 index 811e589d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_12.png deleted file mode 100644 index 2ae42152c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_13.png deleted file mode 100644 index da455826f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_14.png deleted file mode 100644 index 128ccc3f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_15.png deleted file mode 100644 index 89d61524a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_16.png deleted file mode 100644 index 5fbcdd19c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_17.png deleted file mode 100644 index c8417068b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_18.png deleted file mode 100644 index 95dcbca92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_19.png deleted file mode 100644 index b8497cd09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_20.png deleted file mode 100644 index 0849da296..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character28/0159_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_01.png deleted file mode 100644 index baf1d8f1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_02.png deleted file mode 100644 index d14af4e1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_03.png deleted file mode 100644 index 2b7e62e35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_04.png deleted file mode 100644 index 94ca5e8f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_05.png deleted file mode 100644 index 63df9e025..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_06.png deleted file mode 100644 index a60eb0852..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_07.png deleted file mode 100644 index ba7fe34f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_08.png deleted file mode 100644 index db6326e6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_09.png deleted file mode 100644 index cbc47f2cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_10.png deleted file mode 100644 index e2db00e63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_11.png deleted file mode 100644 index 475287498..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_12.png deleted file mode 100644 index ba6af3c34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_13.png deleted file mode 100644 index a91622b8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_14.png deleted file mode 100644 index b3873389e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_15.png deleted file mode 100644 index 85593f7e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_16.png deleted file mode 100644 index 3085ee2ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_17.png deleted file mode 100644 index 2027bb459..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_18.png deleted file mode 100644 index 641f43773..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_19.png deleted file mode 100644 index 91f0a6304..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_20.png deleted file mode 100644 index ebfb02f21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character29/0160_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_01.png deleted file mode 100644 index 68ad92029..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_02.png deleted file mode 100644 index ad24700e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_03.png deleted file mode 100644 index 192138994..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_04.png deleted file mode 100644 index 52cdc983a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_05.png deleted file mode 100644 index f8a57d7a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_06.png deleted file mode 100644 index f637a6625..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_07.png deleted file mode 100644 index a7bede032..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_08.png deleted file mode 100644 index afc17ee3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_09.png deleted file mode 100644 index 6c3f4e40b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_10.png deleted file mode 100644 index 844b59823..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_11.png deleted file mode 100644 index 0e7ba8005..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_12.png deleted file mode 100644 index 312a63f7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_13.png deleted file mode 100644 index 2f59fad07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_14.png deleted file mode 100644 index 3923306ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_15.png deleted file mode 100644 index 5b9256ac7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_16.png deleted file mode 100644 index 8bd6908ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_17.png deleted file mode 100644 index 484463ccf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_18.png deleted file mode 100644 index 9c49df406..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_19.png deleted file mode 100644 index edd19ceeb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_20.png deleted file mode 100644 index 3d1f70918..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character30/0161_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_01.png deleted file mode 100644 index 9baf8a807..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_02.png deleted file mode 100644 index cd819ae3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_03.png deleted file mode 100644 index 415f44d1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_04.png deleted file mode 100644 index 5a2ad539d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_05.png deleted file mode 100644 index f453d6dd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_06.png deleted file mode 100644 index 119939055..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_07.png deleted file mode 100644 index 591393434..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_08.png deleted file mode 100644 index bfa8af38c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_09.png deleted file mode 100644 index 464187bbe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_10.png deleted file mode 100644 index 821a6d637..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_11.png deleted file mode 100644 index d9eeec70b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_12.png deleted file mode 100644 index 4e81b0425..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_13.png deleted file mode 100644 index 4eb48b881..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_14.png deleted file mode 100644 index ef902db0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_15.png deleted file mode 100644 index 673f7716c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_16.png deleted file mode 100644 index a278d5f87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_17.png deleted file mode 100644 index 072e41985..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_18.png deleted file mode 100644 index 957758cdb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_19.png deleted file mode 100644 index 0946ffd1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_20.png deleted file mode 100644 index a77d80388..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character31/0162_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_01.png deleted file mode 100644 index 31ed1f958..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_02.png deleted file mode 100644 index 6e5573867..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_03.png deleted file mode 100644 index 59e1a838a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_04.png deleted file mode 100644 index d5b83cb33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_05.png deleted file mode 100644 index a40a50d9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_06.png deleted file mode 100644 index b6b0b6905..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_07.png deleted file mode 100644 index 63ba37283..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_08.png deleted file mode 100644 index b32ca48b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_09.png deleted file mode 100644 index 974352c2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_10.png deleted file mode 100644 index eadfeddbc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_11.png deleted file mode 100644 index 28c269046..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_12.png deleted file mode 100644 index e682f2ed3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_13.png deleted file mode 100644 index d0b9163d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_14.png deleted file mode 100644 index ac323f08a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_15.png deleted file mode 100644 index 5c3b49f55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_16.png deleted file mode 100644 index dcdd66925..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_17.png deleted file mode 100644 index 244202e77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_18.png deleted file mode 100644 index 610d2d177..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_19.png deleted file mode 100644 index 18c3dc693..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_20.png deleted file mode 100644 index b7dd219dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character32/0163_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_01.png deleted file mode 100644 index 7de2010d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_02.png deleted file mode 100644 index be9339ada..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_03.png deleted file mode 100644 index 8bdc6deb7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_04.png deleted file mode 100644 index 6ae739d93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_05.png deleted file mode 100644 index 8f0192706..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_06.png deleted file mode 100644 index b6bc3eaf7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_07.png deleted file mode 100644 index e9a4386f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_08.png deleted file mode 100644 index 2b9a37ea6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_09.png deleted file mode 100644 index 71b6eeaca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_10.png deleted file mode 100644 index a57b587ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_11.png deleted file mode 100644 index ed171b8e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_12.png deleted file mode 100644 index 1e3f5c275..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_13.png deleted file mode 100644 index 05ebe886f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_14.png deleted file mode 100644 index 4e9c5464c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_15.png deleted file mode 100644 index 181854d26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_16.png deleted file mode 100644 index c310ec20a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_17.png deleted file mode 100644 index f705111d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_18.png deleted file mode 100644 index fd6d00229..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_19.png deleted file mode 100644 index fe161f4a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_20.png deleted file mode 100644 index ac6e5fad2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character33/0164_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_01.png deleted file mode 100644 index c189e5de5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_02.png deleted file mode 100644 index 86107f21c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_03.png deleted file mode 100644 index 83c2de917..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_04.png deleted file mode 100644 index 6b665ac0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_05.png deleted file mode 100644 index 2b8f38901..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_06.png deleted file mode 100644 index dd418096d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_07.png deleted file mode 100644 index b18fc09c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_08.png deleted file mode 100644 index 7499e6a0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_09.png deleted file mode 100644 index 034d7e5ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_10.png deleted file mode 100644 index 17093b2a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_11.png deleted file mode 100644 index 7871dfa00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_12.png deleted file mode 100644 index d2117959a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_13.png deleted file mode 100644 index 4b00c4578..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_14.png deleted file mode 100644 index cd143eff4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_15.png deleted file mode 100644 index 1cb39c14e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_16.png deleted file mode 100644 index cc52cc824..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_17.png deleted file mode 100644 index 4cd5a8984..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_18.png deleted file mode 100644 index 9e94ede1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_19.png deleted file mode 100644 index 80589e8ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_20.png deleted file mode 100644 index ec9e30a0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character34/0165_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_01.png deleted file mode 100644 index 62c8fa790..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_02.png deleted file mode 100644 index 1af0deac4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_03.png deleted file mode 100644 index 260a359dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_04.png deleted file mode 100644 index 0ee8e50c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_05.png deleted file mode 100644 index 455dcd3b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_06.png deleted file mode 100644 index 23415c746..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_07.png deleted file mode 100644 index 3804d7cbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_08.png deleted file mode 100644 index 1782ea8ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_09.png deleted file mode 100644 index 54e375a80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_10.png deleted file mode 100644 index c6e310a8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_11.png deleted file mode 100644 index 54e18d7ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_12.png deleted file mode 100644 index 08126a7f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_13.png deleted file mode 100644 index 049eaa41f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_14.png deleted file mode 100644 index 59193b22c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_15.png deleted file mode 100644 index b264559f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_16.png deleted file mode 100644 index 5c94f0b97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_17.png deleted file mode 100644 index 0421dcd92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_18.png deleted file mode 100644 index 3330b0752..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_19.png deleted file mode 100644 index 8d238dd19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_20.png deleted file mode 100644 index 242aff334..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character35/0166_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_01.png deleted file mode 100644 index b18c2a03b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_02.png deleted file mode 100644 index d59a5b30b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_03.png deleted file mode 100644 index 8774657bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_04.png deleted file mode 100644 index 14c007be4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_05.png deleted file mode 100644 index 04130f067..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_06.png deleted file mode 100644 index 00b3b5056..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_07.png deleted file mode 100644 index f562ce774..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_08.png deleted file mode 100644 index 9c1d7d760..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_09.png deleted file mode 100644 index a193e80d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_10.png deleted file mode 100644 index 173f6926a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_11.png deleted file mode 100644 index 3e5d290a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_12.png deleted file mode 100644 index c246f6875..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_13.png deleted file mode 100644 index d3064714d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_14.png deleted file mode 100644 index 1282b834b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_15.png deleted file mode 100644 index b2614468f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_16.png deleted file mode 100644 index 14e9fae88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_17.png deleted file mode 100644 index dfa5579ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_18.png deleted file mode 100644 index 3242fb4c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_19.png deleted file mode 100644 index d362141b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_20.png deleted file mode 100644 index 3a9a9224a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character36/0167_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_01.png deleted file mode 100644 index f23d64a96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_02.png deleted file mode 100644 index 77180f25e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_03.png deleted file mode 100644 index 97a40c2fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_04.png deleted file mode 100644 index 773cf4c66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_05.png deleted file mode 100644 index d1a44910b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_06.png deleted file mode 100644 index 5bb9e0312..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_07.png deleted file mode 100644 index 40481fb4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_08.png deleted file mode 100644 index 3d3f9d4cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_09.png deleted file mode 100644 index facc3398c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_10.png deleted file mode 100644 index 69740f835..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_11.png deleted file mode 100644 index 8e67227ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_12.png deleted file mode 100644 index 288bb47fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_13.png deleted file mode 100644 index 618a3e8fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_14.png deleted file mode 100644 index 0645b5510..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_15.png deleted file mode 100644 index 1a47f7c04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_16.png deleted file mode 100644 index 06cc78b14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_17.png deleted file mode 100644 index 7c226cf7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_18.png deleted file mode 100644 index dba1824e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_19.png deleted file mode 100644 index 247651abc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_20.png deleted file mode 100644 index 1b7e08f91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character37/0168_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_01.png deleted file mode 100644 index 77f736080..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_02.png deleted file mode 100644 index abedf51aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_03.png deleted file mode 100644 index 04042148b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_04.png deleted file mode 100644 index 30d6f02a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_05.png deleted file mode 100644 index 4c819427d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_06.png deleted file mode 100644 index 2c291d1cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_07.png deleted file mode 100644 index 9502bfd6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_08.png deleted file mode 100644 index 5683f131c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_09.png deleted file mode 100644 index 193d75db7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_10.png deleted file mode 100644 index 3c9468fef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_11.png deleted file mode 100644 index d1f61240a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_12.png deleted file mode 100644 index 91d0b46e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_13.png deleted file mode 100644 index 6bdbd898d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_14.png deleted file mode 100644 index c4489d153..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_15.png deleted file mode 100644 index dd387731b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_16.png deleted file mode 100644 index 7fd35dcd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_17.png deleted file mode 100644 index a272b2f17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_18.png deleted file mode 100644 index d1e6d721f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_19.png deleted file mode 100644 index 8f3025ebc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_20.png deleted file mode 100644 index bc4573f81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character38/0169_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_01.png deleted file mode 100644 index 3e30f3493..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_02.png deleted file mode 100644 index 701040258..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_03.png deleted file mode 100644 index 85c282bc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_04.png deleted file mode 100644 index 01b5b168e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_05.png deleted file mode 100644 index a0e46ec6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_06.png deleted file mode 100644 index 973c7cacc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_07.png deleted file mode 100644 index 7b0e20abe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_08.png deleted file mode 100644 index 4984b2ea2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_09.png deleted file mode 100644 index 9ee65542e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_10.png deleted file mode 100644 index fd017aa82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_11.png deleted file mode 100644 index 7602ede18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_12.png deleted file mode 100644 index 65a426268..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_13.png deleted file mode 100644 index 1ccf272f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_14.png deleted file mode 100644 index 6e839ae2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_15.png deleted file mode 100644 index 8c1c5a9ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_16.png deleted file mode 100644 index e0d51c207..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_17.png deleted file mode 100644 index 2f10ee570..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_18.png deleted file mode 100644 index 4675c2e11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_19.png deleted file mode 100644 index 71108568d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_20.png deleted file mode 100644 index e594e1a58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character39/0170_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_01.png deleted file mode 100644 index 8a677d858..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_02.png deleted file mode 100644 index 9c9b6cbb2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_03.png deleted file mode 100644 index b515b92b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_04.png deleted file mode 100644 index ad16bef59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_05.png deleted file mode 100644 index 8dad3d279..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_06.png deleted file mode 100644 index 62cd15055..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_07.png deleted file mode 100644 index d4d474e6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_08.png deleted file mode 100644 index 8075f9d96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_09.png deleted file mode 100644 index 2f6ffbac7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_10.png deleted file mode 100644 index 3718dbf8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_11.png deleted file mode 100644 index 056d4408f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_12.png deleted file mode 100644 index 68f3f4e5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_13.png deleted file mode 100644 index c95179773..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_14.png deleted file mode 100644 index fcfaee7b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_15.png deleted file mode 100644 index bda1112ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_16.png deleted file mode 100644 index 660c8b691..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_17.png deleted file mode 100644 index 42ccbfe1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_18.png deleted file mode 100644 index 167009bd4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_19.png deleted file mode 100644 index c13c5a1db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_20.png deleted file mode 100644 index f4a50cc75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character40/0171_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_01.png deleted file mode 100644 index 9d64e7e3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_02.png deleted file mode 100644 index 469cd3242..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_03.png deleted file mode 100644 index b437a573a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_04.png deleted file mode 100644 index fa56f7f04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_05.png deleted file mode 100644 index 2dcea369a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_06.png deleted file mode 100644 index af215f64e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_07.png deleted file mode 100644 index 913ef0fb3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_08.png deleted file mode 100644 index 05abf134b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_09.png deleted file mode 100644 index c6e69b704..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_10.png deleted file mode 100644 index 882a63a00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_11.png deleted file mode 100644 index 41aa4d660..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_12.png deleted file mode 100644 index ae75981bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_13.png deleted file mode 100644 index 69e0e458d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_14.png deleted file mode 100644 index 3c4613785..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_15.png deleted file mode 100644 index 3ce5f8c90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_16.png deleted file mode 100644 index 86ae84b23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_17.png deleted file mode 100644 index 4fbd461ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_18.png deleted file mode 100644 index 49313ca2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_19.png deleted file mode 100644 index ac8ccceda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_20.png deleted file mode 100644 index 5cdf8d7b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character41/0172_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_01.png deleted file mode 100644 index b03f63214..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_02.png deleted file mode 100644 index 4e8c35bff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_03.png deleted file mode 100644 index 1e910d089..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_04.png deleted file mode 100644 index 7e5d401fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_05.png deleted file mode 100644 index 448b6f020..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_06.png deleted file mode 100644 index 53b5b9b5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_07.png deleted file mode 100644 index d94545346..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_08.png deleted file mode 100644 index 71fabdb50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_09.png deleted file mode 100644 index 8f23c2b1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_10.png deleted file mode 100644 index 7e7b3a857..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_11.png deleted file mode 100644 index e7fcf83f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_12.png deleted file mode 100644 index d4eb6f72b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_13.png deleted file mode 100644 index 329a5b3c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_14.png deleted file mode 100644 index bb1397622..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_15.png deleted file mode 100644 index f9b0f17ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_16.png deleted file mode 100644 index e26afb822..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_17.png deleted file mode 100644 index 3556cffa1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_18.png deleted file mode 100644 index 70e45855d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_19.png deleted file mode 100644 index 0b099ee1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_20.png deleted file mode 100644 index 4211d4e73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character42/0173_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_01.png deleted file mode 100644 index 8dcaf071a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_02.png deleted file mode 100644 index b98c1011e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_03.png deleted file mode 100644 index b7502147d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_04.png deleted file mode 100644 index fcf093ce4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_05.png deleted file mode 100644 index a04457093..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_06.png deleted file mode 100644 index 1a939f6a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_07.png deleted file mode 100644 index f48d8c33f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_08.png deleted file mode 100644 index 73af76ab8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_09.png deleted file mode 100644 index 7671527f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_10.png deleted file mode 100644 index 509f8c4cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_11.png deleted file mode 100644 index 6a03f203d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_12.png deleted file mode 100644 index e5fc280f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_13.png deleted file mode 100644 index 85c8bbb33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_14.png deleted file mode 100644 index 9606ee588..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_15.png deleted file mode 100644 index cb54be033..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_16.png deleted file mode 100644 index ca20e1cef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_17.png deleted file mode 100644 index 8c0dfeec9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_18.png deleted file mode 100644 index 4c9275d28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_19.png deleted file mode 100644 index e4c262636..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_20.png deleted file mode 100644 index d50a34b31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character43/0174_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_01.png deleted file mode 100644 index a92639818..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_02.png deleted file mode 100644 index 66774e04a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_03.png deleted file mode 100644 index 5d6a6a48a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_04.png deleted file mode 100644 index 06909385d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_05.png deleted file mode 100644 index f5d261654..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_06.png deleted file mode 100644 index 79d14c4b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_07.png deleted file mode 100644 index 438418c3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_08.png deleted file mode 100644 index cffd54ab6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_09.png deleted file mode 100644 index 4429d1c76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_10.png deleted file mode 100644 index be4efae0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_11.png deleted file mode 100644 index 81cf83125..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_12.png deleted file mode 100644 index a828645a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_13.png deleted file mode 100644 index 8a0d61ad1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_14.png deleted file mode 100644 index dd921dfa0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_15.png deleted file mode 100644 index 23f1d584b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_16.png deleted file mode 100644 index c8d617e6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_17.png deleted file mode 100644 index 2ab928834..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_18.png deleted file mode 100644 index 5296d23da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_19.png deleted file mode 100644 index 9b399f65a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_20.png deleted file mode 100644 index d6ab16f9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character44/0175_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_01.png deleted file mode 100644 index 4b8e78def..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_02.png deleted file mode 100644 index 56d317fec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_03.png deleted file mode 100644 index 2a3800b95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_04.png deleted file mode 100644 index a5802cb46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_05.png deleted file mode 100644 index 0d1f8e41a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_06.png deleted file mode 100644 index be041e701..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_07.png deleted file mode 100644 index 84e4846d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_08.png deleted file mode 100644 index a56ff37a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_09.png deleted file mode 100644 index dc49f8231..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_10.png deleted file mode 100644 index 1f8a18535..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_11.png deleted file mode 100644 index c53618ad6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_12.png deleted file mode 100644 index 499bfe2a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_13.png deleted file mode 100644 index d12ca2049..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_14.png deleted file mode 100644 index a3ddc4f7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_15.png deleted file mode 100644 index f64ba0ed9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_16.png deleted file mode 100644 index 14ab2b840..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_17.png deleted file mode 100644 index 7011aae40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_18.png deleted file mode 100644 index a009dc9ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_19.png deleted file mode 100644 index 2bc81a381..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_20.png deleted file mode 100644 index 4e49bb5c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character45/0176_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_01.png deleted file mode 100644 index cf817095c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_02.png deleted file mode 100644 index 5c0b5fcd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_03.png deleted file mode 100644 index 6688f1fd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_04.png deleted file mode 100644 index 0537212ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_05.png deleted file mode 100644 index 9d30cf202..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_06.png deleted file mode 100644 index a6db0f499..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_07.png deleted file mode 100644 index b48115d31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_08.png deleted file mode 100644 index 53c2167cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_09.png deleted file mode 100644 index 83ba51ae0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_10.png deleted file mode 100644 index feb18ed42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_11.png deleted file mode 100644 index f62057fef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_12.png deleted file mode 100644 index ca20b7f8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_13.png deleted file mode 100644 index b9a9a2395..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_14.png deleted file mode 100644 index d6d9eaac4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_15.png deleted file mode 100644 index 1f9cee4a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_16.png deleted file mode 100644 index fa64d7df0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_17.png deleted file mode 100644 index 3e3802da3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_18.png deleted file mode 100644 index 3c1efee67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_19.png deleted file mode 100644 index f617760c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_20.png deleted file mode 100644 index 9821f5cbe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Bengali/character46/0177_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_01.png deleted file mode 100644 index 50d26dd3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_02.png deleted file mode 100644 index e96b8835b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_03.png deleted file mode 100644 index 26ea01a2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_04.png deleted file mode 100644 index 60e6c954f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_05.png deleted file mode 100644 index 726c65cbe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_06.png deleted file mode 100644 index 9079c4802..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_07.png deleted file mode 100644 index 2c924c0a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_08.png deleted file mode 100644 index af8788d27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_09.png deleted file mode 100644 index d89332f11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_10.png deleted file mode 100644 index 1e865a8a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_11.png deleted file mode 100644 index cb08bf9f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_12.png deleted file mode 100644 index 46ccdadc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_13.png deleted file mode 100644 index 085503b84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_14.png deleted file mode 100644 index 098ebcd32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_15.png deleted file mode 100644 index 3396bbe40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_16.png deleted file mode 100644 index 1eb152c96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_17.png deleted file mode 100644 index 5a0ebad9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_18.png deleted file mode 100644 index 000cefbeb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_19.png deleted file mode 100644 index 4585e3f0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_20.png deleted file mode 100644 index a41cc0e85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character01/0178_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_01.png deleted file mode 100644 index 756b6f4e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_02.png deleted file mode 100644 index 8c3d2501c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_03.png deleted file mode 100644 index cfbd1cd6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_04.png deleted file mode 100644 index 2a5f28688..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_05.png deleted file mode 100644 index 3b0d6cf75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_06.png deleted file mode 100644 index bbc7c2daa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_07.png deleted file mode 100644 index d965bbdd5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_08.png deleted file mode 100644 index 8ea54d39f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_09.png deleted file mode 100644 index d646cbc7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_10.png deleted file mode 100644 index 48d9e8535..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_11.png deleted file mode 100644 index b9db9c12c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_12.png deleted file mode 100644 index 39d5ad1d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_13.png deleted file mode 100644 index 6458d307b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_14.png deleted file mode 100644 index 0f711ebd6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_15.png deleted file mode 100644 index 431b80081..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_16.png deleted file mode 100644 index cfa0d93a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_17.png deleted file mode 100644 index c0b4ef624..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_18.png deleted file mode 100644 index 29c0bafca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_19.png deleted file mode 100644 index dcc65fe3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_20.png deleted file mode 100644 index 0e7367d47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character02/0179_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_01.png deleted file mode 100644 index 6839f801b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_02.png deleted file mode 100644 index 274753d3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_03.png deleted file mode 100644 index 2bbd83e01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_04.png deleted file mode 100644 index e5953cf0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_05.png deleted file mode 100644 index 0641ac5b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_06.png deleted file mode 100644 index 7f838753a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_07.png deleted file mode 100644 index 92a298abd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_08.png deleted file mode 100644 index dca9ae99f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_09.png deleted file mode 100644 index 39e937010..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_10.png deleted file mode 100644 index 238741920..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_11.png deleted file mode 100644 index b9ba86a00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_12.png deleted file mode 100644 index d736a6d69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_13.png deleted file mode 100644 index c2696ae2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_14.png deleted file mode 100644 index 4eab31f30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_15.png deleted file mode 100644 index 7dbf997da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_16.png deleted file mode 100644 index 895423f65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_17.png deleted file mode 100644 index 3dd5086df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_18.png deleted file mode 100644 index 8390eacf6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_19.png deleted file mode 100644 index a077d89ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_20.png deleted file mode 100644 index e033b661c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character03/0180_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_01.png deleted file mode 100644 index 2e9ba3735..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_02.png deleted file mode 100644 index b41eadd73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_03.png deleted file mode 100644 index f31e6b695..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_04.png deleted file mode 100644 index d80d5cde2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_05.png deleted file mode 100644 index 331a9bfe1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_06.png deleted file mode 100644 index 5343b1344..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_07.png deleted file mode 100644 index e821a9680..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_08.png deleted file mode 100644 index 8c131d482..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_09.png deleted file mode 100644 index 4a98c93b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_10.png deleted file mode 100644 index 0f2ee3de2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_11.png deleted file mode 100644 index c2eaa398c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_12.png deleted file mode 100644 index fc9dad4a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_13.png deleted file mode 100644 index 6a31cc49c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_14.png deleted file mode 100644 index f3336a644..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_15.png deleted file mode 100644 index cc96af7eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_16.png deleted file mode 100644 index dc81943ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_17.png deleted file mode 100644 index 48390a16c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_18.png deleted file mode 100644 index e62232433..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_19.png deleted file mode 100644 index af16aad79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_20.png deleted file mode 100644 index c6c3860dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character04/0181_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_01.png deleted file mode 100644 index 163970280..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_02.png deleted file mode 100644 index 799b19eaf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_03.png deleted file mode 100644 index 804484296..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_04.png deleted file mode 100644 index 0e3e3731a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_05.png deleted file mode 100644 index 898b38983..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_06.png deleted file mode 100644 index be48c23d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_07.png deleted file mode 100644 index 788b8313c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_08.png deleted file mode 100644 index 55cc2014b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_09.png deleted file mode 100644 index 6ab5b6516..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_10.png deleted file mode 100644 index bb6caed65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_11.png deleted file mode 100644 index 17be5f586..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_12.png deleted file mode 100644 index 671fe39b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_13.png deleted file mode 100644 index a87cd3bd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_14.png deleted file mode 100644 index e8cad86af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_15.png deleted file mode 100644 index ea396d3b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_16.png deleted file mode 100644 index a10abcaa0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_17.png deleted file mode 100644 index c519c565f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_18.png deleted file mode 100644 index 58d763c1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_19.png deleted file mode 100644 index aa6c6ffcf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_20.png deleted file mode 100644 index f3a429a1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character05/0182_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_01.png deleted file mode 100644 index 0d58e300b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_02.png deleted file mode 100644 index 63d64c710..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_03.png deleted file mode 100644 index 0a47059c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_04.png deleted file mode 100644 index acda60ec1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_05.png deleted file mode 100644 index cf899aa5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_06.png deleted file mode 100644 index c952f1add..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_07.png deleted file mode 100644 index 71c9410cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_08.png deleted file mode 100644 index c85c58a3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_09.png deleted file mode 100644 index 7f0843f9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_10.png deleted file mode 100644 index 14e48f7b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_11.png deleted file mode 100644 index 9bcca5d56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_12.png deleted file mode 100644 index df4b019f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_13.png deleted file mode 100644 index d48b98cba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_14.png deleted file mode 100644 index 4172ef759..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_15.png deleted file mode 100644 index b6d16abb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_16.png deleted file mode 100644 index 09dfab97b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_17.png deleted file mode 100644 index 0d9f775ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_18.png deleted file mode 100644 index 49aab8969..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_19.png deleted file mode 100644 index 975cdbd46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_20.png deleted file mode 100644 index 924a78ab3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character06/0183_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_01.png deleted file mode 100644 index aaeabd3da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_02.png deleted file mode 100644 index bf2a9e5ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_03.png deleted file mode 100644 index 180a3624b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_04.png deleted file mode 100644 index dac07d234..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_05.png deleted file mode 100644 index 903d991b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_06.png deleted file mode 100644 index a2c8d702d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_07.png deleted file mode 100644 index cfc45a0c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_08.png deleted file mode 100644 index aa8711613..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_09.png deleted file mode 100644 index 8b26eee91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_10.png deleted file mode 100644 index 033d13977..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_11.png deleted file mode 100644 index 658b08997..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_12.png deleted file mode 100644 index a669f3535..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_13.png deleted file mode 100644 index 6ebcd50d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_14.png deleted file mode 100644 index eb7d2e0b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_15.png deleted file mode 100644 index 605ae442a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_16.png deleted file mode 100644 index 3bec0301d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_17.png deleted file mode 100644 index 5209c0905..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_18.png deleted file mode 100644 index ebd545d33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_19.png deleted file mode 100644 index 53632f2b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_20.png deleted file mode 100644 index db558df3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character07/0184_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_01.png deleted file mode 100644 index 95c9d716d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_02.png deleted file mode 100644 index 2e3e6cd6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_03.png deleted file mode 100644 index bc7b0b535..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_04.png deleted file mode 100644 index a3a9ae377..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_05.png deleted file mode 100644 index 6104ddd17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_06.png deleted file mode 100644 index 75c80244b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_07.png deleted file mode 100644 index a5ace9520..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_08.png deleted file mode 100644 index 3953371c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_09.png deleted file mode 100644 index 80f79f650..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_10.png deleted file mode 100644 index d2ce9cd17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_11.png deleted file mode 100644 index cb698debc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_12.png deleted file mode 100644 index 247d6a085..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_13.png deleted file mode 100644 index e8d97a561..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_14.png deleted file mode 100644 index 90072cb11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_15.png deleted file mode 100644 index 16bf1ec6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_16.png deleted file mode 100644 index 4cb050c4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_17.png deleted file mode 100644 index 1f2a89262..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_18.png deleted file mode 100644 index 71aeacfa5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_19.png deleted file mode 100644 index 6504ee3be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_20.png deleted file mode 100644 index 4bae894fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character08/0185_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_01.png deleted file mode 100644 index b89c97b7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_02.png deleted file mode 100644 index 781632168..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_03.png deleted file mode 100644 index 6efae1f02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_04.png deleted file mode 100644 index 5e740e0e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_05.png deleted file mode 100644 index 81f98bef9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_06.png deleted file mode 100644 index 09ff0a46e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_07.png deleted file mode 100644 index b1d1697fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_08.png deleted file mode 100644 index 1383ec7f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_09.png deleted file mode 100644 index 67a6502ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_10.png deleted file mode 100644 index 65613f488..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_11.png deleted file mode 100644 index f1617f3fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_12.png deleted file mode 100644 index c895f147f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_13.png deleted file mode 100644 index eada182aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_14.png deleted file mode 100644 index 27b057037..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_15.png deleted file mode 100644 index e75971cc4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_16.png deleted file mode 100644 index 2c401dbfb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_17.png deleted file mode 100644 index 94f9b6839..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_18.png deleted file mode 100644 index 3b9899d48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_19.png deleted file mode 100644 index b81c497c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_20.png deleted file mode 100644 index 74a490627..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character09/0186_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_01.png deleted file mode 100644 index 877123a7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_02.png deleted file mode 100644 index 3dd3e0ec9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_03.png deleted file mode 100644 index 8ab4f681d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_04.png deleted file mode 100644 index 4e501fecd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_05.png deleted file mode 100644 index 2ace4e85c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_06.png deleted file mode 100644 index 09a2af2f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_07.png deleted file mode 100644 index 34f0177d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_08.png deleted file mode 100644 index 0bc15fa84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_09.png deleted file mode 100644 index 42f19cd32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_10.png deleted file mode 100644 index 152780eca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_11.png deleted file mode 100644 index 5ac54a6a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_12.png deleted file mode 100644 index a0f58abf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_13.png deleted file mode 100644 index 9e27addcd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_14.png deleted file mode 100644 index 2b1553fb2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_15.png deleted file mode 100644 index 746e05c3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_16.png deleted file mode 100644 index c6761c493..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_17.png deleted file mode 100644 index 88857cd5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_18.png deleted file mode 100644 index bdced2157..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_19.png deleted file mode 100644 index 011dc02ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_20.png deleted file mode 100644 index 2c4ae7975..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character10/0187_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_01.png deleted file mode 100644 index 33c906f47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_02.png deleted file mode 100644 index ef0d6dabb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_03.png deleted file mode 100644 index 0dda35913..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_04.png deleted file mode 100644 index 6ec719db8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_05.png deleted file mode 100644 index 5c03011fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_06.png deleted file mode 100644 index dc5ba1cda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_07.png deleted file mode 100644 index 5387358f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_08.png deleted file mode 100644 index e980f79f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_09.png deleted file mode 100644 index d42bf33a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_10.png deleted file mode 100644 index c778b395a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_11.png deleted file mode 100644 index 7fec18209..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_12.png deleted file mode 100644 index 0cfcd843f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_13.png deleted file mode 100644 index ec9589a3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_14.png deleted file mode 100644 index 3c864658f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_15.png deleted file mode 100644 index 274510705..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_16.png deleted file mode 100644 index 18d5bd674..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_17.png deleted file mode 100644 index ab5a41de8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_18.png deleted file mode 100644 index 8b6acd656..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_19.png deleted file mode 100644 index 02bd7c853..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_20.png deleted file mode 100644 index c39b715aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character11/0188_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_01.png deleted file mode 100644 index 304508daf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_02.png deleted file mode 100644 index f4645e64c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_03.png deleted file mode 100644 index 055999a73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_04.png deleted file mode 100644 index e382ed64e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_05.png deleted file mode 100644 index 882642750..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_06.png deleted file mode 100644 index 871cc9e08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_07.png deleted file mode 100644 index 66615b395..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_08.png deleted file mode 100644 index 176f06913..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_09.png deleted file mode 100644 index b43c067fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_10.png deleted file mode 100644 index 733b4d332..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_11.png deleted file mode 100644 index 3c8afade0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_12.png deleted file mode 100644 index 4a9181bdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_13.png deleted file mode 100644 index 5ee7ab443..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_14.png deleted file mode 100644 index 319ed7e7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_15.png deleted file mode 100644 index f8db54fd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_16.png deleted file mode 100644 index cc852d414..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_17.png deleted file mode 100644 index 35672d285..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_18.png deleted file mode 100644 index e9f2311b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_19.png deleted file mode 100644 index f753c14e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_20.png deleted file mode 100644 index b1dda5517..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character12/0189_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_01.png deleted file mode 100644 index 050e6bb8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_02.png deleted file mode 100644 index ea2b13022..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_03.png deleted file mode 100644 index 2e07c5ec8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_04.png deleted file mode 100644 index f9abfe66b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_05.png deleted file mode 100644 index 26de5b660..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_06.png deleted file mode 100644 index de2a729cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_07.png deleted file mode 100644 index bb6393448..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_08.png deleted file mode 100644 index 2e0836a34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_09.png deleted file mode 100644 index 19a748a03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_10.png deleted file mode 100644 index 3bb3f5ca8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_11.png deleted file mode 100644 index ec6730337..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_12.png deleted file mode 100644 index 2cac62bfb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_13.png deleted file mode 100644 index 979930837..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_14.png deleted file mode 100644 index d46be0dbb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_15.png deleted file mode 100644 index f54f11f3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_16.png deleted file mode 100644 index 76d2a7ffc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_17.png deleted file mode 100644 index ad75a5ed5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_18.png deleted file mode 100644 index ff8f8efd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_19.png deleted file mode 100644 index 9dec4427e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_20.png deleted file mode 100644 index c6ab7c3ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character13/0190_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_01.png deleted file mode 100644 index 836f29f02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_02.png deleted file mode 100644 index 1fc8ce555..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_03.png deleted file mode 100644 index 128d75911..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_04.png deleted file mode 100644 index cc9153e38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_05.png deleted file mode 100644 index 4b720991c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_06.png deleted file mode 100644 index c113d3f72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_07.png deleted file mode 100644 index 45e0f4dc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_08.png deleted file mode 100644 index b1e5a7df3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_09.png deleted file mode 100644 index 2c8b603ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_10.png deleted file mode 100644 index 34d69e6ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_11.png deleted file mode 100644 index ec5941a82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_12.png deleted file mode 100644 index 33b1719da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_13.png deleted file mode 100644 index a76b6514d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_14.png deleted file mode 100644 index 8232d8361..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_15.png deleted file mode 100644 index aebcf474e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_16.png deleted file mode 100644 index 5d86d639a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_17.png deleted file mode 100644 index d63b2a93e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_18.png deleted file mode 100644 index 144cf952f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_19.png deleted file mode 100644 index c09b663b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_20.png deleted file mode 100644 index c7dd4d932..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Blackfoot_(Canadian_Aboriginal_Syllabics)/character14/0191_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_01.png deleted file mode 100644 index b05b0971f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_02.png deleted file mode 100644 index ca16a7eca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_03.png deleted file mode 100644 index 90ec6426e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_04.png deleted file mode 100644 index be0773bc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_05.png deleted file mode 100644 index 102a90123..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_06.png deleted file mode 100644 index fe516f782..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_07.png deleted file mode 100644 index 6824fc10f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_08.png deleted file mode 100644 index e462d85ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_09.png deleted file mode 100644 index 178c587f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_10.png deleted file mode 100644 index 851ce21e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_11.png deleted file mode 100644 index 02bdbf3f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_12.png deleted file mode 100644 index 8720deaf4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_13.png deleted file mode 100644 index 960a28b50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_14.png deleted file mode 100644 index 3b3697e50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_15.png deleted file mode 100644 index 7bd5f2de9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_16.png deleted file mode 100644 index ad9726071..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_17.png deleted file mode 100644 index bc48e14c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_18.png deleted file mode 100644 index 6e1e9f592..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_19.png deleted file mode 100644 index 90ec6426e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_20.png deleted file mode 100644 index 9c93cfc77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character01/0192_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_01.png deleted file mode 100644 index 34324e034..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_02.png deleted file mode 100644 index 6b0d35a88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_03.png deleted file mode 100644 index e22de8f68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_04.png deleted file mode 100644 index 456f8ba9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_05.png deleted file mode 100644 index f303208a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_06.png deleted file mode 100644 index eb99a14e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_07.png deleted file mode 100644 index a7612d2d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_08.png deleted file mode 100644 index 42f3c64eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_09.png deleted file mode 100644 index 202c86d0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_10.png deleted file mode 100644 index 47aa23dea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_11.png deleted file mode 100644 index 8c1e8a252..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_12.png deleted file mode 100644 index 6aa1b850e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_13.png deleted file mode 100644 index 2e0fbe2b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_14.png deleted file mode 100644 index 1e2eb5649..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_15.png deleted file mode 100644 index 4c8bf914e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_16.png deleted file mode 100644 index 9cf058b2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_17.png deleted file mode 100644 index 391669056..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_18.png deleted file mode 100644 index 83d6c50fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_19.png deleted file mode 100644 index d85b7dbfc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_20.png deleted file mode 100644 index 9f5d46722..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character02/0193_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_01.png deleted file mode 100644 index 1be693792..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_02.png deleted file mode 100644 index aa14d3849..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_03.png deleted file mode 100644 index 24dee22ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_04.png deleted file mode 100644 index e6ea720f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_05.png deleted file mode 100644 index d37a68cc4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_06.png deleted file mode 100644 index 7db364b8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_07.png deleted file mode 100644 index edaeb4daa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_08.png deleted file mode 100644 index 88d6f1c10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_09.png deleted file mode 100644 index f9d571363..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_10.png deleted file mode 100644 index d2caaef4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_11.png deleted file mode 100644 index d121af410..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_12.png deleted file mode 100644 index 3b162a362..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_13.png deleted file mode 100644 index bcad81e23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_14.png deleted file mode 100644 index 303978a71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_15.png deleted file mode 100644 index 46b86dff1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_16.png deleted file mode 100644 index 99ba989c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_17.png deleted file mode 100644 index 10fe5497c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_18.png deleted file mode 100644 index 859f4ba3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_19.png deleted file mode 100644 index b76c0ea9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_20.png deleted file mode 100644 index fc6d2c446..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character03/0194_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_01.png deleted file mode 100644 index 1ad16fb8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_02.png deleted file mode 100644 index b654dff34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_03.png deleted file mode 100644 index 601fa195c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_04.png deleted file mode 100644 index 2a22ab2ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_05.png deleted file mode 100644 index cfc492a36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_06.png deleted file mode 100644 index f0d63f455..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_07.png deleted file mode 100644 index 6ba956022..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_08.png deleted file mode 100644 index e3899b415..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_09.png deleted file mode 100644 index 7f61192f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_10.png deleted file mode 100644 index 183ef4ce9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_11.png deleted file mode 100644 index feb7a327a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_12.png deleted file mode 100644 index 21aa0f3a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_13.png deleted file mode 100644 index 0c0a91d6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_14.png deleted file mode 100644 index c4128ea11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_15.png deleted file mode 100644 index e84a5b3f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_16.png deleted file mode 100644 index c10434f18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_17.png deleted file mode 100644 index 1c2b19276..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_18.png deleted file mode 100644 index ef6dfb755..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_19.png deleted file mode 100644 index bd6d0bec8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_20.png deleted file mode 100644 index 4ce128fed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character04/0195_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_01.png deleted file mode 100644 index 7a3bfb187..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_02.png deleted file mode 100644 index 68d985733..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_03.png deleted file mode 100644 index 910e193ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_04.png deleted file mode 100644 index 216928774..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_05.png deleted file mode 100644 index 2a36567f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_06.png deleted file mode 100644 index b1c7ea438..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_07.png deleted file mode 100644 index cb0005c18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_08.png deleted file mode 100644 index 1f76327fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_09.png deleted file mode 100644 index 6484fa9c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_10.png deleted file mode 100644 index ca77358d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_11.png deleted file mode 100644 index 34c5eb025..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_12.png deleted file mode 100644 index cb4cb1bdd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_13.png deleted file mode 100644 index 9669584c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_14.png deleted file mode 100644 index 6e12615c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_15.png deleted file mode 100644 index b787311a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_16.png deleted file mode 100644 index df5b31f84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_17.png deleted file mode 100644 index 0f8f82e04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_18.png deleted file mode 100644 index 962146fd2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_19.png deleted file mode 100644 index a65f4d691..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_20.png deleted file mode 100644 index d07e762b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character05/0196_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_01.png deleted file mode 100644 index 99aef07f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_02.png deleted file mode 100644 index 55d67f28b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_03.png deleted file mode 100644 index a537e9be9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_04.png deleted file mode 100644 index 2e1d654c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_05.png deleted file mode 100644 index f96500315..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_06.png deleted file mode 100644 index ebeb29ba7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_07.png deleted file mode 100644 index 46fee5f87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_08.png deleted file mode 100644 index 54c55a599..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_09.png deleted file mode 100644 index cbb1fa566..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_10.png deleted file mode 100644 index 99d1ba5e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_11.png deleted file mode 100644 index 6071d44b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_12.png deleted file mode 100644 index f8c7c567f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_13.png deleted file mode 100644 index c091e592f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_14.png deleted file mode 100644 index 99e7d31b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_15.png deleted file mode 100644 index e6cd1d2c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_16.png deleted file mode 100644 index f994fa4c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_17.png deleted file mode 100644 index 6ac0a1875..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_18.png deleted file mode 100644 index 02d2bdeed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_19.png deleted file mode 100644 index 1375d686d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_20.png deleted file mode 100644 index 7bd3a10e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character06/0197_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_01.png deleted file mode 100644 index cb52ad013..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_02.png deleted file mode 100644 index 5995c484e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_03.png deleted file mode 100644 index 8f4570917..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_04.png deleted file mode 100644 index e67b544b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_05.png deleted file mode 100644 index e6f3b9871..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_06.png deleted file mode 100644 index 8c1297c19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_07.png deleted file mode 100644 index dd5e78f30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_08.png deleted file mode 100644 index f852ecf4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_09.png deleted file mode 100644 index f0524c828..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_10.png deleted file mode 100644 index c1b196292..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_11.png deleted file mode 100644 index 035b07851..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_12.png deleted file mode 100644 index 6813a0a45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_13.png deleted file mode 100644 index 3d1201b8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_14.png deleted file mode 100644 index 0be4e989d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_15.png deleted file mode 100644 index efb6dcd73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_16.png deleted file mode 100644 index 50c121ab1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_17.png deleted file mode 100644 index 1e8e462ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_18.png deleted file mode 100644 index 23556da4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_19.png deleted file mode 100644 index 9877ca891..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_20.png deleted file mode 100644 index ac536f2f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character07/0198_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_01.png deleted file mode 100644 index edb1b3783..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_02.png deleted file mode 100644 index 9af960918..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_03.png deleted file mode 100644 index 428662f31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_04.png deleted file mode 100644 index 7bf9c4b89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_05.png deleted file mode 100644 index a5b3df44b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_06.png deleted file mode 100644 index 27d0ca382..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_07.png deleted file mode 100644 index 93338872b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_08.png deleted file mode 100644 index ca4fb150e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_09.png deleted file mode 100644 index 3ea986154..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_10.png deleted file mode 100644 index d6ce1c663..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_11.png deleted file mode 100644 index 7d0661873..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_12.png deleted file mode 100644 index 032bdbf1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_13.png deleted file mode 100644 index 9da6db673..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_14.png deleted file mode 100644 index 36b66db0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_15.png deleted file mode 100644 index 4b82954a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_16.png deleted file mode 100644 index 0b8b400b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_17.png deleted file mode 100644 index ff9ae5ee1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_18.png deleted file mode 100644 index 15c3a4a29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_19.png deleted file mode 100644 index 9593e219d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_20.png deleted file mode 100644 index c1ba3189f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character08/0199_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_01.png deleted file mode 100644 index b717cab10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_02.png deleted file mode 100644 index 84e7eded9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_03.png deleted file mode 100644 index 49c08815a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_04.png deleted file mode 100644 index a5f696d42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_05.png deleted file mode 100644 index 9899925ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_06.png deleted file mode 100644 index 75f562a9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_07.png deleted file mode 100644 index 82b1a507b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_08.png deleted file mode 100644 index db8fc3411..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_09.png deleted file mode 100644 index 4d4bc7fa5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_10.png deleted file mode 100644 index 803b975aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_11.png deleted file mode 100644 index 5ef0dde67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_12.png deleted file mode 100644 index 49fab23f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_13.png deleted file mode 100644 index 2c1f2ca6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_14.png deleted file mode 100644 index 5423383c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_15.png deleted file mode 100644 index dd3df3a49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_16.png deleted file mode 100644 index 51fd0621e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_17.png deleted file mode 100644 index 25c4e7857..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_18.png deleted file mode 100644 index 9b0ee5915..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_19.png deleted file mode 100644 index b999da1b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_20.png deleted file mode 100644 index 8b785393b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character09/0200_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_01.png deleted file mode 100644 index 9fec5486d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_02.png deleted file mode 100644 index c4316e189..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_03.png deleted file mode 100644 index c175c07b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_04.png deleted file mode 100644 index d7fdf5643..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_05.png deleted file mode 100644 index 3b90eb2cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_06.png deleted file mode 100644 index 79c35a841..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_07.png deleted file mode 100644 index 843b04bc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_08.png deleted file mode 100644 index e1255cac0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_09.png deleted file mode 100644 index e1935f368..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_10.png deleted file mode 100644 index c6c611c4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_11.png deleted file mode 100644 index 25175dd8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_12.png deleted file mode 100644 index ce0927bf8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_13.png deleted file mode 100644 index e6dcc8310..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_14.png deleted file mode 100644 index 2c337ff2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_15.png deleted file mode 100644 index 72e8da4f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_16.png deleted file mode 100644 index b81c86489..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_17.png deleted file mode 100644 index 2629f9a55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_18.png deleted file mode 100644 index 66c4297c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_19.png deleted file mode 100644 index 21b88d1fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_20.png deleted file mode 100644 index 8d7047c31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character10/0201_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_01.png deleted file mode 100644 index 0d05ac032..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_02.png deleted file mode 100644 index 94893bd07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_03.png deleted file mode 100644 index 5e669c112..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_04.png deleted file mode 100644 index 3366585bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_05.png deleted file mode 100644 index 8ce48c790..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_06.png deleted file mode 100644 index a4de0aa81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_07.png deleted file mode 100644 index 79c38cb4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_08.png deleted file mode 100644 index 16c1ea19f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_09.png deleted file mode 100644 index 050680e29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_10.png deleted file mode 100644 index fdb8ddfba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_11.png deleted file mode 100644 index 069b61394..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_12.png deleted file mode 100644 index dea37c514..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_13.png deleted file mode 100644 index c7b709b04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_14.png deleted file mode 100644 index cf17547b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_15.png deleted file mode 100644 index 3f75843a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_16.png deleted file mode 100644 index 8e0eb3649..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_17.png deleted file mode 100644 index 7ffb79d72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_18.png deleted file mode 100644 index 0a9cf1bd5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_19.png deleted file mode 100644 index 04746173d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_20.png deleted file mode 100644 index 2977baad4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character11/0202_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_01.png deleted file mode 100644 index ca9e529fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_02.png deleted file mode 100644 index 01f9ad7f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_03.png deleted file mode 100644 index dff756c64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_04.png deleted file mode 100644 index 9c5d3e73e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_05.png deleted file mode 100644 index f701df391..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_06.png deleted file mode 100644 index 5aa6348bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_07.png deleted file mode 100644 index 1bca77f30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_08.png deleted file mode 100644 index 61faf1ab8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_09.png deleted file mode 100644 index 222be2832..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_10.png deleted file mode 100644 index be30b39a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_11.png deleted file mode 100644 index 10c8c5957..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_12.png deleted file mode 100644 index f1cb34340..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_13.png deleted file mode 100644 index 20d582f31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_14.png deleted file mode 100644 index 08f79d457..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_15.png deleted file mode 100644 index aa018ba8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_16.png deleted file mode 100644 index 57f688827..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_17.png deleted file mode 100644 index 57796198f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_18.png deleted file mode 100644 index b77b65320..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_19.png deleted file mode 100644 index 0ff07529e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_20.png deleted file mode 100644 index e95ace659..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character12/0203_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_01.png deleted file mode 100644 index 6d6173863..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_02.png deleted file mode 100644 index df5273b1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_03.png deleted file mode 100644 index 47051f817..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_04.png deleted file mode 100644 index 608b4ecfd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_05.png deleted file mode 100644 index 2a95703f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_06.png deleted file mode 100644 index 6bbce877c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_07.png deleted file mode 100644 index ffc61328a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_08.png deleted file mode 100644 index 445b1a62d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_09.png deleted file mode 100644 index a37fc8668..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_10.png deleted file mode 100644 index 4368a62ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_11.png deleted file mode 100644 index 16c402e60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_12.png deleted file mode 100644 index be2cf500a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_13.png deleted file mode 100644 index 1f3c1be55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_14.png deleted file mode 100644 index 54af62870..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_15.png deleted file mode 100644 index ca4d5882d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_16.png deleted file mode 100644 index ba7379106..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_17.png deleted file mode 100644 index cb420e652..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_18.png deleted file mode 100644 index 10dcc27b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_19.png deleted file mode 100644 index 31d0a2894..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_20.png deleted file mode 100644 index a9e709301..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character13/0204_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_01.png deleted file mode 100644 index 7f86ac7ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_02.png deleted file mode 100644 index b076d6dee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_03.png deleted file mode 100644 index 107d7a92d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_04.png deleted file mode 100644 index 212aa1256..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_05.png deleted file mode 100644 index 431a8dab8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_06.png deleted file mode 100644 index 90f44bd60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_07.png deleted file mode 100644 index ba0231a74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_08.png deleted file mode 100644 index ac0af30b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_09.png deleted file mode 100644 index a74586395..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_10.png deleted file mode 100644 index 7c3baf627..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_11.png deleted file mode 100644 index 7ab8210c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_12.png deleted file mode 100644 index b5a51c0c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_13.png deleted file mode 100644 index 608f7f4e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_14.png deleted file mode 100644 index d7c9c1df5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_15.png deleted file mode 100644 index 0f0a227e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_16.png deleted file mode 100644 index 4598e47d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_17.png deleted file mode 100644 index 5de2f8f93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_18.png deleted file mode 100644 index 1a13bde7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_19.png deleted file mode 100644 index 0e7737967..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_20.png deleted file mode 100644 index 3b8c08a5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character14/0205_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_01.png deleted file mode 100644 index 44ffed8cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_02.png deleted file mode 100644 index 893869d01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_03.png deleted file mode 100644 index 50dd3e826..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_04.png deleted file mode 100644 index c5ea402c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_05.png deleted file mode 100644 index 95e2ed5c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_06.png deleted file mode 100644 index 1d08102a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_07.png deleted file mode 100644 index be8dd7614..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_08.png deleted file mode 100644 index 1e855529c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_09.png deleted file mode 100644 index b749442b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_10.png deleted file mode 100644 index 4e0779794..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_11.png deleted file mode 100644 index 6b2be66c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_12.png deleted file mode 100644 index 6fe6f0549..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_13.png deleted file mode 100644 index ec56e477e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_14.png deleted file mode 100644 index b80cc683c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_15.png deleted file mode 100644 index 2ef5d957b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_16.png deleted file mode 100644 index bc897c647..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_17.png deleted file mode 100644 index 58eb7d24a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_18.png deleted file mode 100644 index fe4785f6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_19.png deleted file mode 100644 index acd524692..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_20.png deleted file mode 100644 index 562db457e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character15/0206_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_01.png deleted file mode 100644 index 34334e3f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_02.png deleted file mode 100644 index becc9a5af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_03.png deleted file mode 100644 index fb25bc9a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_04.png deleted file mode 100644 index 7363e44b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_05.png deleted file mode 100644 index 12c57cf25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_06.png deleted file mode 100644 index c369b026e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_07.png deleted file mode 100644 index d3f8401ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_08.png deleted file mode 100644 index cf045a09d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_09.png deleted file mode 100644 index 58067b912..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_10.png deleted file mode 100644 index 566799a63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_11.png deleted file mode 100644 index da7646e04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_12.png deleted file mode 100644 index 9b752e0a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_13.png deleted file mode 100644 index d3514eb1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_14.png deleted file mode 100644 index 11496cd2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_15.png deleted file mode 100644 index 5cfe4d73f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_16.png deleted file mode 100644 index 5f9a8b1f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_17.png deleted file mode 100644 index 2b29567dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_18.png deleted file mode 100644 index 9394ec34f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_19.png deleted file mode 100644 index 527928809..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_20.png deleted file mode 100644 index 8abf04dde..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character16/0207_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_01.png deleted file mode 100644 index 917a7c4bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_02.png deleted file mode 100644 index 1a01f2750..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_03.png deleted file mode 100644 index 3219bde1d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_04.png deleted file mode 100644 index e6e47e4f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_05.png deleted file mode 100644 index fe005f2db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_06.png deleted file mode 100644 index 3011c70fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_07.png deleted file mode 100644 index 99e9f09db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_08.png deleted file mode 100644 index 08d47fba2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_09.png deleted file mode 100644 index 6819b15cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_10.png deleted file mode 100644 index 2b3c852ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_11.png deleted file mode 100644 index 4dcf40a5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_12.png deleted file mode 100644 index 2fda1faa3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_13.png deleted file mode 100644 index eba330cc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_14.png deleted file mode 100644 index 8dc4affa1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_15.png deleted file mode 100644 index 2e3963e64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_16.png deleted file mode 100644 index 54c504352..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_17.png deleted file mode 100644 index 3187ff44a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_18.png deleted file mode 100644 index a81b19a63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_19.png deleted file mode 100644 index 3e833a103..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_20.png deleted file mode 100644 index 71ddae59a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character17/0208_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_01.png deleted file mode 100644 index 1e4b42c4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_02.png deleted file mode 100644 index d63da70eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_03.png deleted file mode 100644 index 5f48ce2e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_04.png deleted file mode 100644 index 460d05cb7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_05.png deleted file mode 100644 index 0f022380c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_06.png deleted file mode 100644 index 308ac0187..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_07.png deleted file mode 100644 index 1255abb6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_08.png deleted file mode 100644 index 1f6b4698e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_09.png deleted file mode 100644 index 444b8b259..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_10.png deleted file mode 100644 index 5994c7c6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_11.png deleted file mode 100644 index b4a0d06aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_12.png deleted file mode 100644 index 0c26629e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_13.png deleted file mode 100644 index b0ffee81c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_14.png deleted file mode 100644 index 5f6b85f9d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_15.png deleted file mode 100644 index e0f6c05b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_16.png deleted file mode 100644 index 938970c8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_17.png deleted file mode 100644 index 3f164f55f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_18.png deleted file mode 100644 index fa927d23d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_19.png deleted file mode 100644 index 7e8855931..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_20.png deleted file mode 100644 index 6b294aab3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character18/0209_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_01.png deleted file mode 100644 index 042420cdd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_02.png deleted file mode 100644 index e1474d0c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_03.png deleted file mode 100644 index a9a97cd1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_04.png deleted file mode 100644 index a0b61d3cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_05.png deleted file mode 100644 index 0cd89c1be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_06.png deleted file mode 100644 index 32bdb4097..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_07.png deleted file mode 100644 index 68ca08b3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_08.png deleted file mode 100644 index 9c9a8b6bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_09.png deleted file mode 100644 index 4d9bfb7fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_10.png deleted file mode 100644 index 9e6c57e3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_11.png deleted file mode 100644 index d9e2771f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_12.png deleted file mode 100644 index 7816492c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_13.png deleted file mode 100644 index 50896484c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_14.png deleted file mode 100644 index c665a514b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_15.png deleted file mode 100644 index 201fee7c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_16.png deleted file mode 100644 index c14e651a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_17.png deleted file mode 100644 index 439a41c0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_18.png deleted file mode 100644 index dfe9244f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_19.png deleted file mode 100644 index 2307dc577..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_20.png deleted file mode 100644 index f36e869df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character19/0210_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_01.png deleted file mode 100644 index f54f49b58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_02.png deleted file mode 100644 index 0639af183..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_03.png deleted file mode 100644 index 5972eaa4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_04.png deleted file mode 100644 index ff28b6b27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_05.png deleted file mode 100644 index d26d0b07d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_06.png deleted file mode 100644 index 859cd5f7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_07.png deleted file mode 100644 index 3276f8dd2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_08.png deleted file mode 100644 index d89e96e80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_09.png deleted file mode 100644 index 9c4a8db40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_10.png deleted file mode 100644 index 14c1ac046..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_11.png deleted file mode 100644 index ac236613b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_12.png deleted file mode 100644 index b09c50441..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_13.png deleted file mode 100644 index 77c43d28e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_14.png deleted file mode 100644 index 1a3b4c7e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_15.png deleted file mode 100644 index 45350dcc4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_16.png deleted file mode 100644 index 2b0cf2f4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_17.png deleted file mode 100644 index 19c9624f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_18.png deleted file mode 100644 index ca3c9eca1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_19.png deleted file mode 100644 index af1d0ec85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_20.png deleted file mode 100644 index c33528174..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character20/0211_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_01.png deleted file mode 100644 index 8154c4b0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_02.png deleted file mode 100644 index 9a9b279a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_03.png deleted file mode 100644 index 57edb34a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_04.png deleted file mode 100644 index db04456af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_05.png deleted file mode 100644 index 8a109af52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_06.png deleted file mode 100644 index 9b0b1e0c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_07.png deleted file mode 100644 index 33d3761f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_08.png deleted file mode 100644 index 8867ad63c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_09.png deleted file mode 100644 index cf3b9b95c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_10.png deleted file mode 100644 index 125818bcb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_11.png deleted file mode 100644 index f63b96d5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_12.png deleted file mode 100644 index 7c7edcc3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_13.png deleted file mode 100644 index ee435eb85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_14.png deleted file mode 100644 index a023881fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_15.png deleted file mode 100644 index 4baf09008..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_16.png deleted file mode 100644 index 194c2a872..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_17.png deleted file mode 100644 index 1c6ecfd21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_18.png deleted file mode 100644 index 25abbf37a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_19.png deleted file mode 100644 index adce01825..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_20.png deleted file mode 100644 index f43d49b7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character21/0212_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_01.png deleted file mode 100644 index 8e7f6cb74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_02.png deleted file mode 100644 index 6bd66ccc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_03.png deleted file mode 100644 index b631571fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_04.png deleted file mode 100644 index b09ce7412..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_05.png deleted file mode 100644 index b2cbc0f9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_06.png deleted file mode 100644 index 397d1e396..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_07.png deleted file mode 100644 index 3d09efb63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_08.png deleted file mode 100644 index c67cd615e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_09.png deleted file mode 100644 index a9db5831f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_10.png deleted file mode 100644 index f72d2e83b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_11.png deleted file mode 100644 index 3fabd7239..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_12.png deleted file mode 100644 index 907be5653..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_13.png deleted file mode 100644 index bf7b82544..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_14.png deleted file mode 100644 index 85645f20a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_15.png deleted file mode 100644 index b6492e755..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_16.png deleted file mode 100644 index 00ae7a634..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_17.png deleted file mode 100644 index 2221d14f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_18.png deleted file mode 100644 index a913a1029..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_19.png deleted file mode 100644 index a9a5af899..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_20.png deleted file mode 100644 index c9fba3b63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character22/0213_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_01.png deleted file mode 100644 index e4361371e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_02.png deleted file mode 100644 index e8d5c24e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_03.png deleted file mode 100644 index 18f5e985a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_04.png deleted file mode 100644 index 39d4680d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_05.png deleted file mode 100644 index a7dd78b80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_06.png deleted file mode 100644 index 38ed4b051..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_07.png deleted file mode 100644 index b2c1f9d50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_08.png deleted file mode 100644 index 0e620063d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_09.png deleted file mode 100644 index 5d643b24e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_10.png deleted file mode 100644 index bafbea1f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_11.png deleted file mode 100644 index 58850cc2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_12.png deleted file mode 100644 index 802f3b267..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_13.png deleted file mode 100644 index 35e4fcbbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_14.png deleted file mode 100644 index 8faafcd2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_15.png deleted file mode 100644 index 0d7c88ba8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_16.png deleted file mode 100644 index 631439305..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_17.png deleted file mode 100644 index 11f8cc082..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_18.png deleted file mode 100644 index eefc90665..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_19.png deleted file mode 100644 index deeebedbb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_20.png deleted file mode 100644 index 7f052c1e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character23/0214_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_01.png deleted file mode 100644 index cc4c8851e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_02.png deleted file mode 100644 index bd2308c2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_03.png deleted file mode 100644 index 4399ed65b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_04.png deleted file mode 100644 index 202896f66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_05.png deleted file mode 100644 index 7773b5d85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_06.png deleted file mode 100644 index 534e0216b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_07.png deleted file mode 100644 index 4c7337a58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_08.png deleted file mode 100644 index 998152a8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_09.png deleted file mode 100644 index 92b996786..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_10.png deleted file mode 100644 index d75dd3702..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_11.png deleted file mode 100644 index ba93fd6f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_12.png deleted file mode 100644 index 05dc67c31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_13.png deleted file mode 100644 index ab524c608..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_14.png deleted file mode 100644 index 2a21063dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_15.png deleted file mode 100644 index 65a2300fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_16.png deleted file mode 100644 index bb0462337..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_17.png deleted file mode 100644 index bf2d6a649..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_18.png deleted file mode 100644 index cb5cf3000..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_19.png deleted file mode 100644 index 3a3480b18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_20.png deleted file mode 100644 index 543a3570c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character24/0215_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_01.png deleted file mode 100644 index 37870466f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_02.png deleted file mode 100644 index 4d267c00c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_03.png deleted file mode 100644 index 326d864ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_04.png deleted file mode 100644 index e238152f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_05.png deleted file mode 100644 index 02819ab33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_06.png deleted file mode 100644 index ec701bdf8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_07.png deleted file mode 100644 index 89e6222b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_08.png deleted file mode 100644 index ca104658c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_09.png deleted file mode 100644 index 5b39936a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_10.png deleted file mode 100644 index ef1f53145..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_11.png deleted file mode 100644 index 7889fe4ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_12.png deleted file mode 100644 index d0b749457..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_13.png deleted file mode 100644 index 3c9cde460..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_14.png deleted file mode 100644 index 87fd4e67c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_15.png deleted file mode 100644 index ea8584cfb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_16.png deleted file mode 100644 index c99a28ae1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_17.png deleted file mode 100644 index 3b3016cb7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_18.png deleted file mode 100644 index 1b0f15989..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_19.png deleted file mode 100644 index a93676321..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_20.png deleted file mode 100644 index 636ff69fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character25/0216_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_01.png deleted file mode 100644 index e56e6d36a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_02.png deleted file mode 100644 index 5b15fca5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_03.png deleted file mode 100644 index 6a16d80d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_04.png deleted file mode 100644 index f66ef4419..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_05.png deleted file mode 100644 index 7b2a31f5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_06.png deleted file mode 100644 index 3bb8ff390..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_07.png deleted file mode 100644 index 4c062abbe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_08.png deleted file mode 100644 index ff01b3fdf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_09.png deleted file mode 100644 index 1244e3850..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_10.png deleted file mode 100644 index 8e883cc98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_11.png deleted file mode 100644 index 4620309bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_12.png deleted file mode 100644 index 82eb50f75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_13.png deleted file mode 100644 index 68c299b61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_14.png deleted file mode 100644 index 075517891..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_15.png deleted file mode 100644 index 70d1ba77e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_16.png deleted file mode 100644 index e402dbd71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_17.png deleted file mode 100644 index 96a10a969..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_18.png deleted file mode 100644 index af8ca63df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_19.png deleted file mode 100644 index 3263c2adf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_20.png deleted file mode 100644 index fe59acbc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Braille/character26/0217_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_01.png deleted file mode 100644 index 70ccb4b07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_02.png deleted file mode 100644 index 85c14df50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_03.png deleted file mode 100644 index f52a5d8f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_04.png deleted file mode 100644 index 3bfc4e5a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_05.png deleted file mode 100644 index b0457ba4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_06.png deleted file mode 100644 index 5e5daab6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_07.png deleted file mode 100644 index e9b920363..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_08.png deleted file mode 100644 index 097a04e8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_09.png deleted file mode 100644 index 746a210cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_10.png deleted file mode 100644 index 37699f4dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_11.png deleted file mode 100644 index 2292af5a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_12.png deleted file mode 100644 index 6d37655bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_13.png deleted file mode 100644 index 7cfa7ffb7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_14.png deleted file mode 100644 index 7cfb7476f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_15.png deleted file mode 100644 index a2d00a6c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_16.png deleted file mode 100644 index b153a94f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_17.png deleted file mode 100644 index 94bcf04fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_18.png deleted file mode 100644 index d4edfa8c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_19.png deleted file mode 100644 index ba96afc53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_20.png deleted file mode 100644 index 42d780068..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character01/0770_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_01.png deleted file mode 100644 index 0b52f4565..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_02.png deleted file mode 100644 index c9475dcd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_03.png deleted file mode 100644 index c0a5d2e74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_04.png deleted file mode 100644 index d9e909fa3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_05.png deleted file mode 100644 index a2019ef0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_06.png deleted file mode 100644 index 33494d995..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_07.png deleted file mode 100644 index ebdf4ef0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_08.png deleted file mode 100644 index b7fa2ee1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_09.png deleted file mode 100644 index ddb782fda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_10.png deleted file mode 100644 index 4439a8e8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_11.png deleted file mode 100644 index 4f43c5974..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_12.png deleted file mode 100644 index 3b14cdcb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_13.png deleted file mode 100644 index b443f14e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_14.png deleted file mode 100644 index 2912400db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_15.png deleted file mode 100644 index 551313c95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_16.png deleted file mode 100644 index a2c7eecb5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_17.png deleted file mode 100644 index f22695418..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_18.png deleted file mode 100644 index 7df96a7c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_19.png deleted file mode 100644 index 420a1d404..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_20.png deleted file mode 100644 index ee25ce11f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character02/0771_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_01.png deleted file mode 100644 index 47b9c06fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_02.png deleted file mode 100644 index 82eb43c5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_03.png deleted file mode 100644 index ae408e3fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_04.png deleted file mode 100644 index 29742d75b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_05.png deleted file mode 100644 index d22439ff2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_06.png deleted file mode 100644 index 209e3e632..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_07.png deleted file mode 100644 index 2ed6d2c48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_08.png deleted file mode 100644 index f07fe6857..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_09.png deleted file mode 100644 index 8f8cac00f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_10.png deleted file mode 100644 index f872906d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_11.png deleted file mode 100644 index 622d92a78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_12.png deleted file mode 100644 index 337668bfb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_13.png deleted file mode 100644 index 953728648..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_14.png deleted file mode 100644 index f34cc7b96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_15.png deleted file mode 100644 index 30ab5f3a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_16.png deleted file mode 100644 index 626010a63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_17.png deleted file mode 100644 index 6f2291353..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_18.png deleted file mode 100644 index eadeb5aad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_19.png deleted file mode 100644 index 417045941..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_20.png deleted file mode 100644 index 8b0e23e21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character03/0772_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_01.png deleted file mode 100644 index 3756e1234..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_02.png deleted file mode 100644 index 133c8db1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_03.png deleted file mode 100644 index 22826c44b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_04.png deleted file mode 100644 index 5435a1ecf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_05.png deleted file mode 100644 index 757470b1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_06.png deleted file mode 100644 index c977c9d00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_07.png deleted file mode 100644 index 95f894492..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_08.png deleted file mode 100644 index 1a2df1c20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_09.png deleted file mode 100644 index b5962da5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_10.png deleted file mode 100644 index 330d548ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_11.png deleted file mode 100644 index e1c1c3640..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_12.png deleted file mode 100644 index a6d6da046..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_13.png deleted file mode 100644 index 7fee88c49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_14.png deleted file mode 100644 index 6454e63d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_15.png deleted file mode 100644 index 16ddea674..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_16.png deleted file mode 100644 index 0fea988b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_17.png deleted file mode 100644 index 2e3d3ce8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_18.png deleted file mode 100644 index c8a03cb61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_19.png deleted file mode 100644 index b4c3d67e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_20.png deleted file mode 100644 index 28065ed84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character04/0773_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_01.png deleted file mode 100644 index 5cacae476..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_02.png deleted file mode 100644 index b73ec7e01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_03.png deleted file mode 100644 index fd3bd73b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_04.png deleted file mode 100644 index 3e136e97f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_05.png deleted file mode 100644 index b7570d6ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_06.png deleted file mode 100644 index 16f6eb815..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_07.png deleted file mode 100644 index 7973bc825..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_08.png deleted file mode 100644 index 20056b89e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_09.png deleted file mode 100644 index ab818bf74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_10.png deleted file mode 100644 index d8b2d79fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_11.png deleted file mode 100644 index 9d2f004f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_12.png deleted file mode 100644 index c16440e1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_13.png deleted file mode 100644 index efa63de78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_14.png deleted file mode 100644 index 44f3feac3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_15.png deleted file mode 100644 index 86419bcde..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_16.png deleted file mode 100644 index d1aa4d49c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_17.png deleted file mode 100644 index ea01d0488..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_18.png deleted file mode 100644 index 1917303b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_19.png deleted file mode 100644 index 407bab3da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_20.png deleted file mode 100644 index 97c299489..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character05/0774_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_01.png deleted file mode 100644 index 877a7612f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_02.png deleted file mode 100644 index 86195aef5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_03.png deleted file mode 100644 index de576325b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_04.png deleted file mode 100644 index a5fe9d52d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_05.png deleted file mode 100644 index 8e4c166a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_06.png deleted file mode 100644 index 6da404c07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_07.png deleted file mode 100644 index 7a85091d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_08.png deleted file mode 100644 index 310dc1df7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_09.png deleted file mode 100644 index b3cfa6f4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_10.png deleted file mode 100644 index 75b2a0172..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_11.png deleted file mode 100644 index 2d2d56439..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_12.png deleted file mode 100644 index 979d4c391..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_13.png deleted file mode 100644 index 3063c4377..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_14.png deleted file mode 100644 index 4a8bae5fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_15.png deleted file mode 100644 index 74f315575..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_16.png deleted file mode 100644 index da1ce2616..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_17.png deleted file mode 100644 index ca3a5eab9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_18.png deleted file mode 100644 index 6d1ab8559..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_19.png deleted file mode 100644 index f3cdff73d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_20.png deleted file mode 100644 index eb6b7630f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character06/0775_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_01.png deleted file mode 100644 index e59a52204..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_02.png deleted file mode 100644 index f561baca3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_03.png deleted file mode 100644 index b8d3db45a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_04.png deleted file mode 100644 index 2fab21993..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_05.png deleted file mode 100644 index 944c8bde5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_06.png deleted file mode 100644 index 03e220c58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_07.png deleted file mode 100644 index fd0473dac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_08.png deleted file mode 100644 index b61feaaa7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_09.png deleted file mode 100644 index 7cb70e210..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_10.png deleted file mode 100644 index e5c646740..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_11.png deleted file mode 100644 index 1da3280a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_12.png deleted file mode 100644 index f89c6370e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_13.png deleted file mode 100644 index f569b4642..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_14.png deleted file mode 100644 index 724a7974b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_15.png deleted file mode 100644 index cbf3b7153..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_16.png deleted file mode 100644 index 3382751f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_17.png deleted file mode 100644 index 5e3ff5907..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_18.png deleted file mode 100644 index f77cffdad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_19.png deleted file mode 100644 index 49ceb425e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_20.png deleted file mode 100644 index e6ab8fc4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character07/0776_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_01.png deleted file mode 100644 index 396139928..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_02.png deleted file mode 100644 index d93170780..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_03.png deleted file mode 100644 index 74d8c59b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_04.png deleted file mode 100644 index 8683eff27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_05.png deleted file mode 100644 index 1850a92be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_06.png deleted file mode 100644 index 8f52c5a8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_07.png deleted file mode 100644 index 91d490797..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_08.png deleted file mode 100644 index b0ca661fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_09.png deleted file mode 100644 index 0102ff007..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_10.png deleted file mode 100644 index b3ad52430..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_11.png deleted file mode 100644 index 488c09e5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_12.png deleted file mode 100644 index 97f31507f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_13.png deleted file mode 100644 index 655523b4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_14.png deleted file mode 100644 index 219db2896..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_15.png deleted file mode 100644 index 2032831cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_16.png deleted file mode 100644 index a106bf94c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_17.png deleted file mode 100644 index 71264f719..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_18.png deleted file mode 100644 index 4b1e35e03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_19.png deleted file mode 100644 index 63dff15dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_20.png deleted file mode 100644 index c21a7735b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character08/0777_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_01.png deleted file mode 100644 index df170a25f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_02.png deleted file mode 100644 index 52d4d76f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_03.png deleted file mode 100644 index 438f79851..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_04.png deleted file mode 100644 index 02419bf5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_05.png deleted file mode 100644 index 4d337c1eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_06.png deleted file mode 100644 index 2afcf1cb0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_07.png deleted file mode 100644 index e1dec6c57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_08.png deleted file mode 100644 index 2b46b4086..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_09.png deleted file mode 100644 index efcae4ab7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_10.png deleted file mode 100644 index c1a222c5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_11.png deleted file mode 100644 index c49cc8de1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_12.png deleted file mode 100644 index 717128d0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_13.png deleted file mode 100644 index cdb605392..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_14.png deleted file mode 100644 index 7f19d2bae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_15.png deleted file mode 100644 index 56627542b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_16.png deleted file mode 100644 index 347558e29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_17.png deleted file mode 100644 index 43eebcb50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_18.png deleted file mode 100644 index c5fae5460..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_19.png deleted file mode 100644 index ad63a3440..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_20.png deleted file mode 100644 index 96f4f4651..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character09/0778_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_01.png deleted file mode 100644 index 441d018a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_02.png deleted file mode 100644 index 5d8835682..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_03.png deleted file mode 100644 index b7db9fa55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_04.png deleted file mode 100644 index dba63ab6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_05.png deleted file mode 100644 index d53ded6a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_06.png deleted file mode 100644 index 83fdafde8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_07.png deleted file mode 100644 index fddfd3485..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_08.png deleted file mode 100644 index 210b924d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_09.png deleted file mode 100644 index b0e8f03cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_10.png deleted file mode 100644 index 7e26dcd67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_11.png deleted file mode 100644 index 878af8d53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_12.png deleted file mode 100644 index 15787be59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_13.png deleted file mode 100644 index 5f13016bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_14.png deleted file mode 100644 index f1df0a9f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_15.png deleted file mode 100644 index 55a35e650..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_16.png deleted file mode 100644 index 66991835c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_17.png deleted file mode 100644 index e9017e670..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_18.png deleted file mode 100644 index 850aa5cc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_19.png deleted file mode 100644 index daa399a77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_20.png deleted file mode 100644 index e37d9353b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character10/0779_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_01.png deleted file mode 100644 index 9b0cc417d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_02.png deleted file mode 100644 index 5f17d2054..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_03.png deleted file mode 100644 index 73bb68b80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_04.png deleted file mode 100644 index 27fdc4b96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_05.png deleted file mode 100644 index cb53790d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_06.png deleted file mode 100644 index b4e2220fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_07.png deleted file mode 100644 index 4a1aa5978..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_08.png deleted file mode 100644 index ad84becd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_09.png deleted file mode 100644 index 56a095d48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_10.png deleted file mode 100644 index cab42c2b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_11.png deleted file mode 100644 index 68089ba99..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_12.png deleted file mode 100644 index cee92953d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_13.png deleted file mode 100644 index b67071753..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_14.png deleted file mode 100644 index 1a9cad595..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_15.png deleted file mode 100644 index cc95e160c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_16.png deleted file mode 100644 index 577ab81d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_17.png deleted file mode 100644 index 3e338e2e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_18.png deleted file mode 100644 index d2c5c6179..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_19.png deleted file mode 100644 index 9a2d413fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_20.png deleted file mode 100644 index 360de8c9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character11/0780_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_01.png deleted file mode 100644 index f54747476..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_02.png deleted file mode 100644 index 451a51201..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_03.png deleted file mode 100644 index 0922d390d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_04.png deleted file mode 100644 index 657b5409c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_05.png deleted file mode 100644 index 59c9e1392..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_06.png deleted file mode 100644 index 75f7f4540..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_07.png deleted file mode 100644 index c98fa2bc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_08.png deleted file mode 100644 index ec71c8b26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_09.png deleted file mode 100644 index 0fa07a510..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_10.png deleted file mode 100644 index 4afc5535d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_11.png deleted file mode 100644 index a082f1b9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_12.png deleted file mode 100644 index c6783864f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_13.png deleted file mode 100644 index b86f31ffc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_14.png deleted file mode 100644 index e5b4374f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_15.png deleted file mode 100644 index f37bda695..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_16.png deleted file mode 100644 index d3c771194..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_17.png deleted file mode 100644 index 0d759818f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_18.png deleted file mode 100644 index 7cce3173f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_19.png deleted file mode 100644 index ec26f302a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_20.png deleted file mode 100644 index 328f84272..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character12/0781_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_01.png deleted file mode 100644 index 36d2d5645..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_02.png deleted file mode 100644 index e5abf353b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_03.png deleted file mode 100644 index 13c3a4021..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_04.png deleted file mode 100644 index 451263bb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_05.png deleted file mode 100644 index e679e624d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_06.png deleted file mode 100644 index ff7098c19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_07.png deleted file mode 100644 index 04dee0aca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_08.png deleted file mode 100644 index ffd439793..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_09.png deleted file mode 100644 index c82f7f327..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_10.png deleted file mode 100644 index 36d5dbb0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_11.png deleted file mode 100644 index f99be5755..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_12.png deleted file mode 100644 index 39ab6b5a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_13.png deleted file mode 100644 index 8c247eec3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_14.png deleted file mode 100644 index 859eb57c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_15.png deleted file mode 100644 index fef70a8bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_16.png deleted file mode 100644 index 0998f1d4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_17.png deleted file mode 100644 index 70446061a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_18.png deleted file mode 100644 index 82eb3e1bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_19.png deleted file mode 100644 index 377c34a9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_20.png deleted file mode 100644 index c474ad4de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character13/0782_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_01.png deleted file mode 100644 index 1dc237a18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_02.png deleted file mode 100644 index 14ad6a0b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_03.png deleted file mode 100644 index 814b22651..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_04.png deleted file mode 100644 index d6dda7b4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_05.png deleted file mode 100644 index 36bd5aaf3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_06.png deleted file mode 100644 index 7498ab23f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_07.png deleted file mode 100644 index 0337c6ebb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_08.png deleted file mode 100644 index cd2157cb0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_09.png deleted file mode 100644 index a1431f4d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_10.png deleted file mode 100644 index 3b9e99807..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_11.png deleted file mode 100644 index 166889fd1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_12.png deleted file mode 100644 index 0406cb72a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_13.png deleted file mode 100644 index 5bfba35d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_14.png deleted file mode 100644 index 5cdf2d540..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_15.png deleted file mode 100644 index fb68624e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_16.png deleted file mode 100644 index 7851abb4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_17.png deleted file mode 100644 index 651b6bc1d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_18.png deleted file mode 100644 index 23f2f62ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_19.png deleted file mode 100644 index d743e646e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_20.png deleted file mode 100644 index ff3690fa0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character14/0783_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_01.png deleted file mode 100644 index 530cdc4cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_02.png deleted file mode 100644 index 67802e1df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_03.png deleted file mode 100644 index 1beac2fc7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_04.png deleted file mode 100644 index 3b13f0c0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_05.png deleted file mode 100644 index 2a86ed99e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_06.png deleted file mode 100644 index 55de7a032..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_07.png deleted file mode 100644 index c268179d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_08.png deleted file mode 100644 index 5b59729c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_09.png deleted file mode 100644 index d6f16dc73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_10.png deleted file mode 100644 index 36c7d0da5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_11.png deleted file mode 100644 index 8ffddde62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_12.png deleted file mode 100644 index 9f93b6379..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_13.png deleted file mode 100644 index 529c39cd2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_14.png deleted file mode 100644 index 4a042ebcf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_15.png deleted file mode 100644 index 997862b0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_16.png deleted file mode 100644 index cec7edae3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_17.png deleted file mode 100644 index bce88635f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_18.png deleted file mode 100644 index 7877d1710..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_19.png deleted file mode 100644 index 206386b78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_20.png deleted file mode 100644 index e671ef771..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character15/0784_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_01.png deleted file mode 100644 index 82c5983ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_02.png deleted file mode 100644 index 0ec64e9c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_03.png deleted file mode 100644 index 07383e20a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_04.png deleted file mode 100644 index 49923c70b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_05.png deleted file mode 100644 index b08246e23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_06.png deleted file mode 100644 index c614a75fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_07.png deleted file mode 100644 index d3d038433..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_08.png deleted file mode 100644 index 93bc219eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_09.png deleted file mode 100644 index 9dcb4b0fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_10.png deleted file mode 100644 index d9be76bbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_11.png deleted file mode 100644 index 79cb899ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_12.png deleted file mode 100644 index e4b14548f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_13.png deleted file mode 100644 index 28a502155..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_14.png deleted file mode 100644 index 4f4cea81d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_15.png deleted file mode 100644 index 4dc98836a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_16.png deleted file mode 100644 index 4c303c110..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_17.png deleted file mode 100644 index dd1d48426..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_18.png deleted file mode 100644 index eed8d8812..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_19.png deleted file mode 100644 index 3b3e3c879..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_20.png deleted file mode 100644 index 386fec851..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character16/0785_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_01.png deleted file mode 100644 index a8ffb1428..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_02.png deleted file mode 100644 index cba37e5ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_03.png deleted file mode 100644 index ac9e367e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_04.png deleted file mode 100644 index 573221075..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_05.png deleted file mode 100644 index cdad619fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_06.png deleted file mode 100644 index 4f1c81d77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_07.png deleted file mode 100644 index 3a4dde3cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_08.png deleted file mode 100644 index 12ab1d8d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_09.png deleted file mode 100644 index 11eae9fb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_10.png deleted file mode 100644 index 521c0d8eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_11.png deleted file mode 100644 index 74db1b3e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_12.png deleted file mode 100644 index ef922ff92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_13.png deleted file mode 100644 index 902ba0dd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_14.png deleted file mode 100644 index d0796794c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_15.png deleted file mode 100644 index c1f110de9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_16.png deleted file mode 100644 index ba5e18538..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_17.png deleted file mode 100644 index 22facabf4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_18.png deleted file mode 100644 index 526d7ea59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_19.png deleted file mode 100644 index 2620bcaaf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_20.png deleted file mode 100644 index abcc12d9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character17/0786_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_01.png deleted file mode 100644 index c3cfc397e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_02.png deleted file mode 100644 index fb47219c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_03.png deleted file mode 100644 index cc0a88514..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_04.png deleted file mode 100644 index 28c9ba754..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_05.png deleted file mode 100644 index 6e29ec491..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_06.png deleted file mode 100644 index e2106b6c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_07.png deleted file mode 100644 index 36a479f15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_08.png deleted file mode 100644 index 1cc50da71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_09.png deleted file mode 100644 index 96b669362..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_10.png deleted file mode 100644 index e766ee2e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_11.png deleted file mode 100644 index 94f9f82f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_12.png deleted file mode 100644 index 7ccca1536..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_13.png deleted file mode 100644 index acf0bb391..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_14.png deleted file mode 100644 index 7012b1800..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_15.png deleted file mode 100644 index e896b8a07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_16.png deleted file mode 100644 index 514997b73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_17.png deleted file mode 100644 index 3f4cb5755..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_18.png deleted file mode 100644 index 35a1c2cae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_19.png deleted file mode 100644 index 03bc5cc20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_20.png deleted file mode 100644 index 751728f44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character18/0787_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_01.png deleted file mode 100644 index 1adf8130f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_02.png deleted file mode 100644 index 13c09cd13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_03.png deleted file mode 100644 index 89343a79d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_04.png deleted file mode 100644 index a6e2ce482..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_05.png deleted file mode 100644 index 5aa025241..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_06.png deleted file mode 100644 index d4923986d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_07.png deleted file mode 100644 index 1edae07e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_08.png deleted file mode 100644 index 6b1010d39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_09.png deleted file mode 100644 index 7f23e7058..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_10.png deleted file mode 100644 index be5aab341..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_11.png deleted file mode 100644 index aceafb618..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_12.png deleted file mode 100644 index b5c8e1280..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_13.png deleted file mode 100644 index 5d69b7532..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_14.png deleted file mode 100644 index 1e26dd5d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_15.png deleted file mode 100644 index 8fc6e2a54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_16.png deleted file mode 100644 index fed5f8ee0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_17.png deleted file mode 100644 index 498fa56d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_18.png deleted file mode 100644 index ba81d915a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_19.png deleted file mode 100644 index 20067d8b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_20.png deleted file mode 100644 index 9667fb523..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character19/0788_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_01.png deleted file mode 100644 index 194d53e60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_02.png deleted file mode 100644 index b6d8b898b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_03.png deleted file mode 100644 index a06fc168a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_04.png deleted file mode 100644 index e4a428490..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_05.png deleted file mode 100644 index 9bfcb8d3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_06.png deleted file mode 100644 index 49675aea1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_07.png deleted file mode 100644 index f8c158a38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_08.png deleted file mode 100644 index b51780b2e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_09.png deleted file mode 100644 index 47208f543..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_10.png deleted file mode 100644 index 98586a1bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_11.png deleted file mode 100644 index fdac5de0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_12.png deleted file mode 100644 index 70f4f6b77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_13.png deleted file mode 100644 index bcd80cc13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_14.png deleted file mode 100644 index 53dc6f49f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_15.png deleted file mode 100644 index 967f00d04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_16.png deleted file mode 100644 index 5ff5a6ecc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_17.png deleted file mode 100644 index 258b0a591..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_18.png deleted file mode 100644 index 0a7df5d83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_19.png deleted file mode 100644 index 69650a69d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_20.png deleted file mode 100644 index c77ad9045..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character20/0789_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_01.png deleted file mode 100644 index ba8c6ffb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_02.png deleted file mode 100644 index 63f6136a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_03.png deleted file mode 100644 index c8af8bd03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_04.png deleted file mode 100644 index 4fc2288df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_05.png deleted file mode 100644 index 7353ecab6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_06.png deleted file mode 100644 index fd10196c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_07.png deleted file mode 100644 index c6d75b0f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_08.png deleted file mode 100644 index ffa347e49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_09.png deleted file mode 100644 index 20174feaa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_10.png deleted file mode 100644 index d74f34877..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_11.png deleted file mode 100644 index ccd4f31ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_12.png deleted file mode 100644 index 07915e4c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_13.png deleted file mode 100644 index adc7e09d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_14.png deleted file mode 100644 index 762f41ae7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_15.png deleted file mode 100644 index 1fc967819..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_16.png deleted file mode 100644 index 6e12b61b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_17.png deleted file mode 100644 index f4fca8c88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_18.png deleted file mode 100644 index d409e8bf0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_19.png deleted file mode 100644 index f969d84ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_20.png deleted file mode 100644 index c24a787b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character21/0790_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_01.png deleted file mode 100644 index 57b34bdb8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_02.png deleted file mode 100644 index fbc26f23f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_03.png deleted file mode 100644 index f9eb5f723..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_04.png deleted file mode 100644 index 40bb0875f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_05.png deleted file mode 100644 index 6d2c9b9ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_06.png deleted file mode 100644 index 11886122f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_07.png deleted file mode 100644 index 2d929cd23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_08.png deleted file mode 100644 index 92861034b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_09.png deleted file mode 100644 index bd416a8c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_10.png deleted file mode 100644 index 4357c7d28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_11.png deleted file mode 100644 index f8c31e5d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_12.png deleted file mode 100644 index 315ea246d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_13.png deleted file mode 100644 index 36677d9a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_14.png deleted file mode 100644 index 41cabf911..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_15.png deleted file mode 100644 index 951327675..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_16.png deleted file mode 100644 index a2945f02a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_17.png deleted file mode 100644 index d379924bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_18.png deleted file mode 100644 index 8cc35397b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_19.png deleted file mode 100644 index 64d703013..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_20.png deleted file mode 100644 index af4c3515b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character22/0791_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_01.png deleted file mode 100644 index 030d48b72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_02.png deleted file mode 100644 index aedb56ab0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_03.png deleted file mode 100644 index 56e5a69e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_04.png deleted file mode 100644 index d47025e54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_05.png deleted file mode 100644 index cbf87ab4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_06.png deleted file mode 100644 index b1ca28e55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_07.png deleted file mode 100644 index a60e14ca2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_08.png deleted file mode 100644 index 3bc2e69c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_09.png deleted file mode 100644 index 60f297589..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_10.png deleted file mode 100644 index f1d64ebfb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_11.png deleted file mode 100644 index 2c0d8d42c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_12.png deleted file mode 100644 index 0046133af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_13.png deleted file mode 100644 index 6b7cc67e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_14.png deleted file mode 100644 index 10966f45a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_15.png deleted file mode 100644 index b49bccc04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_16.png deleted file mode 100644 index 62895bb27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_17.png deleted file mode 100644 index f693f3fef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_18.png deleted file mode 100644 index 530a18120..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_19.png deleted file mode 100644 index 2f4c4872d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_20.png deleted file mode 100644 index c3d3af62c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character23/0792_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_01.png deleted file mode 100644 index 089d9cecb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_02.png deleted file mode 100644 index fe4876b8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_03.png deleted file mode 100644 index ba5e29b4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_04.png deleted file mode 100644 index 70dada3a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_05.png deleted file mode 100644 index b6a2c1761..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_06.png deleted file mode 100644 index 8700e3b0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_07.png deleted file mode 100644 index a83367df8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_08.png deleted file mode 100644 index 93a14d058..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_09.png deleted file mode 100644 index e83591523..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_10.png deleted file mode 100644 index 689e5eba6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_11.png deleted file mode 100644 index 947eafea1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_12.png deleted file mode 100644 index a2d84ddcc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_13.png deleted file mode 100644 index 803461b06..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_14.png deleted file mode 100644 index 71b2a1c38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_15.png deleted file mode 100644 index 9011a5ec5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_16.png deleted file mode 100644 index f9d7189ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_17.png deleted file mode 100644 index 22bdb199a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_18.png deleted file mode 100644 index 36cae350a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_19.png deleted file mode 100644 index 06ba1b3e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_20.png deleted file mode 100644 index 9b8949bea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character24/0793_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_01.png deleted file mode 100644 index d64f2b5ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_02.png deleted file mode 100644 index 13dffb018..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_03.png deleted file mode 100644 index dad64aa56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_04.png deleted file mode 100644 index afd1cd570..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_05.png deleted file mode 100644 index 609fba106..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_06.png deleted file mode 100644 index c8de321ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_07.png deleted file mode 100644 index 3fb9df5b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_08.png deleted file mode 100644 index e32b169bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_09.png deleted file mode 100644 index 0692ed151..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_10.png deleted file mode 100644 index 4daca7bc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_11.png deleted file mode 100644 index acf21a7b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_12.png deleted file mode 100644 index 5bfc69a16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_13.png deleted file mode 100644 index bd9b6db0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_14.png deleted file mode 100644 index fe812d385..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_15.png deleted file mode 100644 index 65645c18f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_16.png deleted file mode 100644 index dcddfab93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_17.png deleted file mode 100644 index 8e56c2f3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_18.png deleted file mode 100644 index f3fec89d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_19.png deleted file mode 100644 index 54458d6c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_20.png deleted file mode 100644 index d50b9f32b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character25/0794_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_01.png deleted file mode 100644 index c5550b097..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_02.png deleted file mode 100644 index a5fd4463f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_03.png deleted file mode 100644 index a23fa08fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_04.png deleted file mode 100644 index 7aeea667d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_05.png deleted file mode 100644 index afd09e0d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_06.png deleted file mode 100644 index 40c321b46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_07.png deleted file mode 100644 index 3036e4ebf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_08.png deleted file mode 100644 index fc53b0a86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_09.png deleted file mode 100644 index 2b4b8e663..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_10.png deleted file mode 100644 index 91c59fa7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_11.png deleted file mode 100644 index e1168f148..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_12.png deleted file mode 100644 index 7d78224d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_13.png deleted file mode 100644 index e946d96bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_14.png deleted file mode 100644 index 7797fa8dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_15.png deleted file mode 100644 index 8e473e5fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_16.png deleted file mode 100644 index cd529cfbb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_17.png deleted file mode 100644 index 18d0ed941..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_18.png deleted file mode 100644 index 3285b112f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_19.png deleted file mode 100644 index da684eaeb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_20.png deleted file mode 100644 index 99e06cec1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character26/0795_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_01.png deleted file mode 100644 index 7e3d68c2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_02.png deleted file mode 100644 index dd0a84287..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_03.png deleted file mode 100644 index f2becdc6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_04.png deleted file mode 100644 index d100a4661..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_05.png deleted file mode 100644 index 44b8e351d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_06.png deleted file mode 100644 index e5d811ee2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_07.png deleted file mode 100644 index 1279373af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_08.png deleted file mode 100644 index 706e717dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_09.png deleted file mode 100644 index cc3a153b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_10.png deleted file mode 100644 index 97f8e0621..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_11.png deleted file mode 100644 index ebbd1192a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_12.png deleted file mode 100644 index fc535bb23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_13.png deleted file mode 100644 index f29f55854..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_14.png deleted file mode 100644 index e1b616ffd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_15.png deleted file mode 100644 index 93968e7f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_16.png deleted file mode 100644 index 527204051..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_17.png deleted file mode 100644 index 77545a069..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_18.png deleted file mode 100644 index afc6a4d5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_19.png deleted file mode 100644 index 34ab828a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_20.png deleted file mode 100644 index e43b2c735..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character27/0796_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_01.png deleted file mode 100644 index 2bfd89775..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_02.png deleted file mode 100644 index 8c97f2a45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_03.png deleted file mode 100644 index 33d1ba354..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_04.png deleted file mode 100644 index 0bc43c553..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_05.png deleted file mode 100644 index 89721cedb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_06.png deleted file mode 100644 index 255ad174b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_07.png deleted file mode 100644 index 032999147..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_08.png deleted file mode 100644 index 43125e7fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_09.png deleted file mode 100644 index c6356d7fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_10.png deleted file mode 100644 index 10ea94cbb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_11.png deleted file mode 100644 index 5d0cbde7b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_12.png deleted file mode 100644 index 2d98c0946..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_13.png deleted file mode 100644 index 8b025f9aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_14.png deleted file mode 100644 index aaf080499..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_15.png deleted file mode 100644 index 23c21ad05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_16.png deleted file mode 100644 index 34be3455a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_17.png deleted file mode 100644 index 4b5387f37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_18.png deleted file mode 100644 index 446bc204e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_19.png deleted file mode 100644 index d38f9c535..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_20.png deleted file mode 100644 index e32112326..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character28/0797_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_01.png deleted file mode 100644 index bf9aec336..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_02.png deleted file mode 100644 index db8862ac8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_03.png deleted file mode 100644 index 674fd3150..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_04.png deleted file mode 100644 index 676e894bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_05.png deleted file mode 100644 index 84da60f86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_06.png deleted file mode 100644 index 548259cb3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_07.png deleted file mode 100644 index c86fed379..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_08.png deleted file mode 100644 index 88fbe02f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_09.png deleted file mode 100644 index 24bcba46e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_10.png deleted file mode 100644 index b61552eb2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_11.png deleted file mode 100644 index ac5ed7db8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_12.png deleted file mode 100644 index 088363283..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_13.png deleted file mode 100644 index b48e7e4ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_14.png deleted file mode 100644 index d7dba55a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_15.png deleted file mode 100644 index 28f17a65f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_16.png deleted file mode 100644 index bf6c20158..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_17.png deleted file mode 100644 index d2332ad8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_18.png deleted file mode 100644 index 8fec56029..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_19.png deleted file mode 100644 index 2dfa549ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_20.png deleted file mode 100644 index 228c8eec9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character29/0798_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_01.png deleted file mode 100644 index 3429077ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_02.png deleted file mode 100644 index 49650676e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_03.png deleted file mode 100644 index 59210afb1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_04.png deleted file mode 100644 index be6b61380..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_05.png deleted file mode 100644 index d421d187b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_06.png deleted file mode 100644 index 8a53a87da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_07.png deleted file mode 100644 index 937e1ce97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_08.png deleted file mode 100644 index 0624c7be9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_09.png deleted file mode 100644 index 87d4a391d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_10.png deleted file mode 100644 index 391c609e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_11.png deleted file mode 100644 index 1f6110224..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_12.png deleted file mode 100644 index 7418e7646..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_13.png deleted file mode 100644 index 52ca79531..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_14.png deleted file mode 100644 index 8960baf7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_15.png deleted file mode 100644 index 631fe96b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_16.png deleted file mode 100644 index 5c5d02cf7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_17.png deleted file mode 100644 index e9972d825..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_18.png deleted file mode 100644 index 34f8b22b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_19.png deleted file mode 100644 index 6d127de56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_20.png deleted file mode 100644 index 4c6cd9754..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character30/0799_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_01.png deleted file mode 100644 index e3d49a613..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_02.png deleted file mode 100644 index 102e374e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_03.png deleted file mode 100644 index 767151a22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_04.png deleted file mode 100644 index da4c1f654..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_05.png deleted file mode 100644 index bd3d109a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_06.png deleted file mode 100644 index e91bcf54e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_07.png deleted file mode 100644 index 121660e00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_08.png deleted file mode 100644 index 2c949b587..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_09.png deleted file mode 100644 index a387edd8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_10.png deleted file mode 100644 index 4bf906f88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_11.png deleted file mode 100644 index ea8320331..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_12.png deleted file mode 100644 index c721b0221..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_13.png deleted file mode 100644 index bfbbd4a93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_14.png deleted file mode 100644 index 522578a7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_15.png deleted file mode 100644 index bb3af0709..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_16.png deleted file mode 100644 index 851127b36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_17.png deleted file mode 100644 index f38ebce7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_18.png deleted file mode 100644 index e680ec702..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_19.png deleted file mode 100644 index 563d8ed83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_20.png deleted file mode 100644 index a22de2e2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character31/0800_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_01.png deleted file mode 100644 index 5b6d24bf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_02.png deleted file mode 100644 index 83e8c45a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_03.png deleted file mode 100644 index 58ad82817..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_04.png deleted file mode 100644 index 10ae60e34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_05.png deleted file mode 100644 index 62d87cb62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_06.png deleted file mode 100644 index 03fa9da49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_07.png deleted file mode 100644 index 05ddd335b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_08.png deleted file mode 100644 index 444bf2f69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_09.png deleted file mode 100644 index 51c437cb5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_10.png deleted file mode 100644 index bc80c91d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_11.png deleted file mode 100644 index 81169fcdf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_12.png deleted file mode 100644 index de45346b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_13.png deleted file mode 100644 index 86e3e3deb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_14.png deleted file mode 100644 index 6e15f173b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_15.png deleted file mode 100644 index 0c8a87f85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_16.png deleted file mode 100644 index 6d94ffc93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_17.png deleted file mode 100644 index ce6d839b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_18.png deleted file mode 100644 index 62d44c3cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_19.png deleted file mode 100644 index 3a4fb4871..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_20.png deleted file mode 100644 index c6b7e9005..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character32/0801_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_01.png deleted file mode 100644 index 96627f8b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_02.png deleted file mode 100644 index 38bb74fbc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_03.png deleted file mode 100644 index 6fd859c2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_04.png deleted file mode 100644 index 2508ec820..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_05.png deleted file mode 100644 index d574d909b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_06.png deleted file mode 100644 index 6f86a14d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_07.png deleted file mode 100644 index 666e26c33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_08.png deleted file mode 100644 index 15bc9b30e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_09.png deleted file mode 100644 index 949b6910c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_10.png deleted file mode 100644 index 74d66ade8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_11.png deleted file mode 100644 index 74aff7fba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_12.png deleted file mode 100644 index 14cd617af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_13.png deleted file mode 100644 index ecb0c597d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_14.png deleted file mode 100644 index 28cc48c01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_15.png deleted file mode 100644 index 121cbfd99..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_16.png deleted file mode 100644 index cee332e95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_17.png deleted file mode 100644 index b7e579f6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_18.png deleted file mode 100644 index 3af66b268..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_19.png deleted file mode 100644 index 65b49c7b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_20.png deleted file mode 100644 index 294a557e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character33/0802_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_01.png deleted file mode 100644 index d99a36c80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_02.png deleted file mode 100644 index 7a596710b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_03.png deleted file mode 100644 index fa67cc097..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_04.png deleted file mode 100644 index b50d18f05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_05.png deleted file mode 100644 index ddfc5ccaf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_06.png deleted file mode 100644 index 547cd1480..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_07.png deleted file mode 100644 index c8a2799dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_08.png deleted file mode 100644 index 70914ffa5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_09.png deleted file mode 100644 index ee6b47986..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_10.png deleted file mode 100644 index 6aeed4d79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_11.png deleted file mode 100644 index 874540a6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_12.png deleted file mode 100644 index b26957ff7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_13.png deleted file mode 100644 index 3aee8cc10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_14.png deleted file mode 100644 index 560c2d0cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_15.png deleted file mode 100644 index bcac4cf30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_16.png deleted file mode 100644 index 3690dd6ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_17.png deleted file mode 100644 index 9bc35e1f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_18.png deleted file mode 100644 index c10242c42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_19.png deleted file mode 100644 index 929e230e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_20.png deleted file mode 100644 index c857dfdb3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Burmese_(Myanmar)/character34/0803_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_01.png deleted file mode 100644 index 0ed82f876..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_02.png deleted file mode 100644 index cffa07633..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_03.png deleted file mode 100644 index 6d8cce6ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_04.png deleted file mode 100644 index 8154b6a77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_05.png deleted file mode 100644 index 81ae88667..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_06.png deleted file mode 100644 index 1151b25b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_07.png deleted file mode 100644 index 47b4274e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_08.png deleted file mode 100644 index 912fbf8ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_09.png deleted file mode 100644 index ff32cd18d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_10.png deleted file mode 100644 index 8f02872b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_11.png deleted file mode 100644 index a8540e761..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_12.png deleted file mode 100644 index b737355c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_13.png deleted file mode 100644 index 859215eb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_14.png deleted file mode 100644 index c8c81d904..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_15.png deleted file mode 100644 index bc8d2e009..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_16.png deleted file mode 100644 index 0d92c2bd1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_17.png deleted file mode 100644 index 2b2a88c0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_18.png deleted file mode 100644 index b27e6a804..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_19.png deleted file mode 100644 index 0bdf78be1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_20.png deleted file mode 100644 index 39c071e8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character01/0218_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_01.png deleted file mode 100644 index 78540bd6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_02.png deleted file mode 100644 index c76cb3d98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_03.png deleted file mode 100644 index 30a66fcd4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_04.png deleted file mode 100644 index 05efd5268..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_05.png deleted file mode 100644 index 19d9507b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_06.png deleted file mode 100644 index 21e8ba7c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_07.png deleted file mode 100644 index e9a5a4e6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_08.png deleted file mode 100644 index 818d4132b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_09.png deleted file mode 100644 index 0510a5db1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_10.png deleted file mode 100644 index 7efc7bad3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_11.png deleted file mode 100644 index a49d40ec0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_12.png deleted file mode 100644 index 692ff4186..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_13.png deleted file mode 100644 index a1ffec053..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_14.png deleted file mode 100644 index a6ebbce76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_15.png deleted file mode 100644 index 4bee95620..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_16.png deleted file mode 100644 index c0f7cd0ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_17.png deleted file mode 100644 index 480b91f8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_18.png deleted file mode 100644 index 95bf37cd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_19.png deleted file mode 100644 index 2e11d1b82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_20.png deleted file mode 100644 index 024ff8038..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character02/0219_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_01.png deleted file mode 100644 index 5d0151190..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_02.png deleted file mode 100644 index b922a8180..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_03.png deleted file mode 100644 index 8212b3e91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_04.png deleted file mode 100644 index b26fd7300..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_05.png deleted file mode 100644 index 765d81cc0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_06.png deleted file mode 100644 index 912301b8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_07.png deleted file mode 100644 index 3f10aa6a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_08.png deleted file mode 100644 index 53a40e5d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_09.png deleted file mode 100644 index 236b86ce3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_10.png deleted file mode 100644 index 8c5e4c1b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_11.png deleted file mode 100644 index 9b9d9753f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_12.png deleted file mode 100644 index 5a8a83a5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_13.png deleted file mode 100644 index 5185ef4cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_14.png deleted file mode 100644 index b72551879..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_15.png deleted file mode 100644 index 076d625aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_16.png deleted file mode 100644 index fa2cf9811..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_17.png deleted file mode 100644 index 79eb939b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_18.png deleted file mode 100644 index 6d16fd6b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_19.png deleted file mode 100644 index 3af09b3ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_20.png deleted file mode 100644 index 4b0a09b0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character03/0220_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_01.png deleted file mode 100644 index dc05a4c6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_02.png deleted file mode 100644 index 117365945..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_03.png deleted file mode 100644 index 4508bd040..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_04.png deleted file mode 100644 index 5d8f6eb6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_05.png deleted file mode 100644 index 4f58abad2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_06.png deleted file mode 100644 index e2a956769..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_07.png deleted file mode 100644 index 17464e893..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_08.png deleted file mode 100644 index 6c4234a67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_09.png deleted file mode 100644 index c8da26ff7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_10.png deleted file mode 100644 index dbbb21243..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_11.png deleted file mode 100644 index c87062be2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_12.png deleted file mode 100644 index a0afcc706..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_13.png deleted file mode 100644 index 6f1051535..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_14.png deleted file mode 100644 index f1a4f0595..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_15.png deleted file mode 100644 index 66120589a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_16.png deleted file mode 100644 index 057ef34f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_17.png deleted file mode 100644 index 1cba846a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_18.png deleted file mode 100644 index cd3b7896c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_19.png deleted file mode 100644 index 1641853d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_20.png deleted file mode 100644 index 9e0c4977f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character04/0221_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_01.png deleted file mode 100644 index 2026a7341..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_02.png deleted file mode 100644 index 5bc5590c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_03.png deleted file mode 100644 index ea0ecc4dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_04.png deleted file mode 100644 index 09951a8c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_05.png deleted file mode 100644 index 34bb179ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_06.png deleted file mode 100644 index 4d4c49110..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_07.png deleted file mode 100644 index 201e9e1a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_08.png deleted file mode 100644 index 69472b163..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_09.png deleted file mode 100644 index 0b4cb617e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_10.png deleted file mode 100644 index bf4f22509..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_11.png deleted file mode 100644 index 52ba8e4d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_12.png deleted file mode 100644 index 43962d3d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_13.png deleted file mode 100644 index 1a189334b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_14.png deleted file mode 100644 index 2111df15a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_15.png deleted file mode 100644 index aa8eaa6e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_16.png deleted file mode 100644 index 228837670..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_17.png deleted file mode 100644 index 93469d35a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_18.png deleted file mode 100644 index 9da2409a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_19.png deleted file mode 100644 index a86e29eba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_20.png deleted file mode 100644 index c79194798..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character05/0222_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_01.png deleted file mode 100644 index 71d1f954f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_02.png deleted file mode 100644 index 87c1e0e2e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_03.png deleted file mode 100644 index e72eb70fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_04.png deleted file mode 100644 index 3f4271aeb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_05.png deleted file mode 100644 index eef337d27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_06.png deleted file mode 100644 index 1a2fcb06b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_07.png deleted file mode 100644 index 496681bf9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_08.png deleted file mode 100644 index d94c6cb36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_09.png deleted file mode 100644 index 127b61364..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_10.png deleted file mode 100644 index 6fa6e7fd6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_11.png deleted file mode 100644 index 9b9881d5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_12.png deleted file mode 100644 index b1146bdf3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_13.png deleted file mode 100644 index 0d59c2748..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_14.png deleted file mode 100644 index edbeeba9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_15.png deleted file mode 100644 index a50ca28a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_16.png deleted file mode 100644 index 6e29602b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_17.png deleted file mode 100644 index f0866ba81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_18.png deleted file mode 100644 index 84f122eca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_19.png deleted file mode 100644 index 2512da9fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_20.png deleted file mode 100644 index b8ba0754f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character06/0223_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_01.png deleted file mode 100644 index ba4555f6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_02.png deleted file mode 100644 index 746a33a35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_03.png deleted file mode 100644 index 1ab8cc490..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_04.png deleted file mode 100644 index f33e57712..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_05.png deleted file mode 100644 index d92660851..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_06.png deleted file mode 100644 index 5f0c7a861..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_07.png deleted file mode 100644 index 200fdbd5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_08.png deleted file mode 100644 index 656e2b1e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_09.png deleted file mode 100644 index 947f9215b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_10.png deleted file mode 100644 index ddc95b03f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_11.png deleted file mode 100644 index 679286852..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_12.png deleted file mode 100644 index 223e8caeb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_13.png deleted file mode 100644 index 16b94700a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_14.png deleted file mode 100644 index 898f44283..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_15.png deleted file mode 100644 index 6353c983c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_16.png deleted file mode 100644 index b74f4cd89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_17.png deleted file mode 100644 index e3e9cf317..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_18.png deleted file mode 100644 index cdeed9686..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_19.png deleted file mode 100644 index 66bf5b77f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_20.png deleted file mode 100644 index ea59e7aaa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character07/0224_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_01.png deleted file mode 100644 index ed016575f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_02.png deleted file mode 100644 index fbed9be19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_03.png deleted file mode 100644 index 7fec9e294..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_04.png deleted file mode 100644 index 521216c72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_05.png deleted file mode 100644 index 57980e905..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_06.png deleted file mode 100644 index 828c08fcc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_07.png deleted file mode 100644 index 8117a4c21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_08.png deleted file mode 100644 index ce5ddf2d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_09.png deleted file mode 100644 index b18840fb5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_10.png deleted file mode 100644 index 3b3a83406..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_11.png deleted file mode 100644 index b699c9894..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_12.png deleted file mode 100644 index 56cba8586..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_13.png deleted file mode 100644 index 762e4b6e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_14.png deleted file mode 100644 index 907ba48f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_15.png deleted file mode 100644 index 473cf2757..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_16.png deleted file mode 100644 index e436172d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_17.png deleted file mode 100644 index 265ebaa66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_18.png deleted file mode 100644 index d773b316b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_19.png deleted file mode 100644 index 736f8c342..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_20.png deleted file mode 100644 index 97c8bce86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character08/0225_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_01.png deleted file mode 100644 index ca3ec057d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_02.png deleted file mode 100644 index e24afaaa0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_03.png deleted file mode 100644 index 3dace5a32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_04.png deleted file mode 100644 index 21f52e340..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_05.png deleted file mode 100644 index b8311db13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_06.png deleted file mode 100644 index d10668a60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_07.png deleted file mode 100644 index 05dbdf285..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_08.png deleted file mode 100644 index 4105e6064..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_09.png deleted file mode 100644 index d46f93b2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_10.png deleted file mode 100644 index 62e471bb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_11.png deleted file mode 100644 index 1626d0cc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_12.png deleted file mode 100644 index fab2c60e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_13.png deleted file mode 100644 index 454f8a38f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_14.png deleted file mode 100644 index 06324a814..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_15.png deleted file mode 100644 index a025b8a18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_16.png deleted file mode 100644 index 21e840203..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_17.png deleted file mode 100644 index 847d96e35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_18.png deleted file mode 100644 index 3c7b0e4e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_19.png deleted file mode 100644 index 593a0fad3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_20.png deleted file mode 100644 index 604baa61f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character09/0226_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_01.png deleted file mode 100644 index 88a31f40d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_02.png deleted file mode 100644 index 65bda6011..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_03.png deleted file mode 100644 index 1b436b16b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_04.png deleted file mode 100644 index 3e4d1f688..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_05.png deleted file mode 100644 index b8770c214..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_06.png deleted file mode 100644 index 468a2f7b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_07.png deleted file mode 100644 index 8db841925..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_08.png deleted file mode 100644 index e1c16ce74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_09.png deleted file mode 100644 index 49191f9f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_10.png deleted file mode 100644 index ffa68627d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_11.png deleted file mode 100644 index 67299bf83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_12.png deleted file mode 100644 index 1b0c77576..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_13.png deleted file mode 100644 index 55471d103..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_14.png deleted file mode 100644 index 9c369bf45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_15.png deleted file mode 100644 index 06cec71ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_16.png deleted file mode 100644 index 0c1091a68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_17.png deleted file mode 100644 index 7749974d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_18.png deleted file mode 100644 index 652d831bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_19.png deleted file mode 100644 index 980af4e07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_20.png deleted file mode 100644 index 4c6079c24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character10/0227_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_01.png deleted file mode 100644 index 68778a68c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_02.png deleted file mode 100644 index 86ddeca9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_03.png deleted file mode 100644 index b0b6a56b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_04.png deleted file mode 100644 index 01bbef2af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_05.png deleted file mode 100644 index 0306a63d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_06.png deleted file mode 100644 index 6f12d6580..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_07.png deleted file mode 100644 index d4a95b420..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_08.png deleted file mode 100644 index 3f6bb0bb0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_09.png deleted file mode 100644 index 12f96d7c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_10.png deleted file mode 100644 index 587f57bdb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_11.png deleted file mode 100644 index 96b0332fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_12.png deleted file mode 100644 index 1fee34e21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_13.png deleted file mode 100644 index 3fe411a0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_14.png deleted file mode 100644 index ddad27c8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_15.png deleted file mode 100644 index 223a69878..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_16.png deleted file mode 100644 index 0d1c99b14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_17.png deleted file mode 100644 index 42b37536c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_18.png deleted file mode 100644 index 46ba13171..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_19.png deleted file mode 100644 index 8a46cdd60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_20.png deleted file mode 100644 index 290a76472..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character11/0228_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_01.png deleted file mode 100644 index 88b6ef2fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_02.png deleted file mode 100644 index d4eee4d78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_03.png deleted file mode 100644 index 2e90a7284..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_04.png deleted file mode 100644 index af311ce29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_05.png deleted file mode 100644 index 6ac0a9c51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_06.png deleted file mode 100644 index 1b72ebd26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_07.png deleted file mode 100644 index f4a0a6694..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_08.png deleted file mode 100644 index 82b9b3210..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_09.png deleted file mode 100644 index 968dc615c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_10.png deleted file mode 100644 index fbf5661e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_11.png deleted file mode 100644 index d9c42a635..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_12.png deleted file mode 100644 index 858cd10a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_13.png deleted file mode 100644 index aa0dd4505..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_14.png deleted file mode 100644 index 32d2a1af8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_15.png deleted file mode 100644 index 20af6d85f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_16.png deleted file mode 100644 index d40ec5265..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_17.png deleted file mode 100644 index c3f822b6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_18.png deleted file mode 100644 index 0778d4d1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_19.png deleted file mode 100644 index 1c3bf02d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_20.png deleted file mode 100644 index d44d5e644..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character12/0229_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_01.png deleted file mode 100644 index 0ca4065d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_02.png deleted file mode 100644 index 1be933fe7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_03.png deleted file mode 100644 index 259a8f76b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_04.png deleted file mode 100644 index 77c0eb103..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_05.png deleted file mode 100644 index 95381b943..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_06.png deleted file mode 100644 index 9ec24addf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_07.png deleted file mode 100644 index a4b490836..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_08.png deleted file mode 100644 index 47d364ad0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_09.png deleted file mode 100644 index 73d6fe529..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_10.png deleted file mode 100644 index c5bd502ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_11.png deleted file mode 100644 index c7e7dfe8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_12.png deleted file mode 100644 index aa2cee8bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_13.png deleted file mode 100644 index 7b14fde80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_14.png deleted file mode 100644 index 829c20360..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_15.png deleted file mode 100644 index bbb5f8cf7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_16.png deleted file mode 100644 index 2beccd597..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_17.png deleted file mode 100644 index 22ab206fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_18.png deleted file mode 100644 index 92174f902..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_19.png deleted file mode 100644 index 9c2de8332..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_20.png deleted file mode 100644 index 61898f541..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character13/0230_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_01.png deleted file mode 100644 index b11ba3d55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_02.png deleted file mode 100644 index ad32782e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_03.png deleted file mode 100644 index 2f37b931f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_04.png deleted file mode 100644 index 717d6f998..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_05.png deleted file mode 100644 index 5813cfbc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_06.png deleted file mode 100644 index d33f7899e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_07.png deleted file mode 100644 index 6dc5ef6a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_08.png deleted file mode 100644 index 2ee38c34e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_09.png deleted file mode 100644 index 7a92980c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_10.png deleted file mode 100644 index 49a63adfd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_11.png deleted file mode 100644 index 8a1b7a0e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_12.png deleted file mode 100644 index c3f6cd97a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_13.png deleted file mode 100644 index f6b68b7c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_14.png deleted file mode 100644 index 77d801c83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_15.png deleted file mode 100644 index f5646165a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_16.png deleted file mode 100644 index 14b62b817..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_17.png deleted file mode 100644 index 53311dd9d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_18.png deleted file mode 100644 index 5291f5a69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_19.png deleted file mode 100644 index f02c3df01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_20.png deleted file mode 100644 index 78ac54c6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character14/0231_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_01.png deleted file mode 100644 index 4f2863bd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_02.png deleted file mode 100644 index f6c2ce004..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_03.png deleted file mode 100644 index abffd734c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_04.png deleted file mode 100644 index c7cbb5586..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_05.png deleted file mode 100644 index c6b5863f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_06.png deleted file mode 100644 index 083bdb73d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_07.png deleted file mode 100644 index 904d8fb88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_08.png deleted file mode 100644 index f95a7943b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_09.png deleted file mode 100644 index c3a035265..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_10.png deleted file mode 100644 index 1e73c7854..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_11.png deleted file mode 100644 index c6df9e0cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_12.png deleted file mode 100644 index a1ed40dca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_13.png deleted file mode 100644 index e0a597056..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_14.png deleted file mode 100644 index 6fc265108..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_15.png deleted file mode 100644 index 2bba5b2f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_16.png deleted file mode 100644 index ac5d6c55e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_17.png deleted file mode 100644 index 89c90ff40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_18.png deleted file mode 100644 index c2a13630a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_19.png deleted file mode 100644 index 439b1539a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_20.png deleted file mode 100644 index 09678046b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character15/0232_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_01.png deleted file mode 100644 index b140ef7d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_02.png deleted file mode 100644 index c52bc87a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_03.png deleted file mode 100644 index f2acd4c94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_04.png deleted file mode 100644 index fadfd9f26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_05.png deleted file mode 100644 index 9f30bf933..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_06.png deleted file mode 100644 index 8d71d762d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_07.png deleted file mode 100644 index 6ec0d8ccb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_08.png deleted file mode 100644 index c6057bf51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_09.png deleted file mode 100644 index 071dcaffd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_10.png deleted file mode 100644 index 8601f78b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_11.png deleted file mode 100644 index 85c4ec85f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_12.png deleted file mode 100644 index 3c1ff8a6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_13.png deleted file mode 100644 index 7fa891535..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_14.png deleted file mode 100644 index c409a287f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_15.png deleted file mode 100644 index 4515fa61e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_16.png deleted file mode 100644 index 5292f9f26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_17.png deleted file mode 100644 index df9e6ec34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_18.png deleted file mode 100644 index ddb9b739e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_19.png deleted file mode 100644 index cafe27340..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_20.png deleted file mode 100644 index 8ff66f7c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character16/0233_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_01.png deleted file mode 100644 index 070350aa7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_02.png deleted file mode 100644 index fb7ef56a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_03.png deleted file mode 100644 index 0d7f9c05e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_04.png deleted file mode 100644 index affb6ac69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_05.png deleted file mode 100644 index 8a411c202..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_06.png deleted file mode 100644 index c97ad0013..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_07.png deleted file mode 100644 index 38cbd090f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_08.png deleted file mode 100644 index 43188fea4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_09.png deleted file mode 100644 index fc88045cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_10.png deleted file mode 100644 index 25e9e11a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_11.png deleted file mode 100644 index 6f47daae3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_12.png deleted file mode 100644 index 8ecfd340e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_13.png deleted file mode 100644 index 1e61f297e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_14.png deleted file mode 100644 index 3898f595a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_15.png deleted file mode 100644 index 0a491cadd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_16.png deleted file mode 100644 index 3a4869289..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_17.png deleted file mode 100644 index 76a50cc45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_18.png deleted file mode 100644 index 6cc44e64e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_19.png deleted file mode 100644 index 1afb028bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_20.png deleted file mode 100644 index cc2915d09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character17/0234_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_01.png deleted file mode 100644 index aa6141731..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_02.png deleted file mode 100644 index 95c610042..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_03.png deleted file mode 100644 index 68bc232a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_04.png deleted file mode 100644 index 62e353bf3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_05.png deleted file mode 100644 index 5d41972ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_06.png deleted file mode 100644 index 5e806de56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_07.png deleted file mode 100644 index 2c88d3045..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_08.png deleted file mode 100644 index a5b80eaab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_09.png deleted file mode 100644 index 4b8e46d25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_10.png deleted file mode 100644 index 207d6b5af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_11.png deleted file mode 100644 index f8276a2c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_12.png deleted file mode 100644 index c68ff9659..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_13.png deleted file mode 100644 index 75769db30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_14.png deleted file mode 100644 index fa2b18265..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_15.png deleted file mode 100644 index 461bd6f67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_16.png deleted file mode 100644 index fb767b34e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_17.png deleted file mode 100644 index 6b38e9a40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_18.png deleted file mode 100644 index 1968f7741..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_19.png deleted file mode 100644 index 7a30495f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_20.png deleted file mode 100644 index 745b340fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character18/0235_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_01.png deleted file mode 100644 index e8746fde0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_02.png deleted file mode 100644 index 0f6743be6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_03.png deleted file mode 100644 index d82037a5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_04.png deleted file mode 100644 index 0e9362305..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_05.png deleted file mode 100644 index f9cac1c53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_06.png deleted file mode 100644 index e5195845f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_07.png deleted file mode 100644 index 7f3c2cd6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_08.png deleted file mode 100644 index 77200684b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_09.png deleted file mode 100644 index e95dabf68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_10.png deleted file mode 100644 index 0b6f44550..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_11.png deleted file mode 100644 index a15dbd0c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_12.png deleted file mode 100644 index ba5feb508..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_13.png deleted file mode 100644 index 1480e7ded..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_14.png deleted file mode 100644 index 2fc8dbef3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_15.png deleted file mode 100644 index e41d2f54e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_16.png deleted file mode 100644 index 2e29ab841..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_17.png deleted file mode 100644 index 78ae934fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_18.png deleted file mode 100644 index d84568833..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_19.png deleted file mode 100644 index dc0f217ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_20.png deleted file mode 100644 index 76fffa481..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character19/0236_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_01.png deleted file mode 100644 index 94df9861f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_02.png deleted file mode 100644 index ec817d8d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_03.png deleted file mode 100644 index 23f76ad2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_04.png deleted file mode 100644 index 5b443e863..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_05.png deleted file mode 100644 index a72a19246..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_06.png deleted file mode 100644 index dad642835..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_07.png deleted file mode 100644 index 93563c7dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_08.png deleted file mode 100644 index 9d52aa393..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_09.png deleted file mode 100644 index 791574e96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_10.png deleted file mode 100644 index cd234cdec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_11.png deleted file mode 100644 index 92f0cee69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_12.png deleted file mode 100644 index 6d8a00503..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_13.png deleted file mode 100644 index 91ef98bd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_14.png deleted file mode 100644 index 382d921f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_15.png deleted file mode 100644 index 366467b11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_16.png deleted file mode 100644 index 45ef1098b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_17.png deleted file mode 100644 index ce97fc1ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_18.png deleted file mode 100644 index f3b1c4082..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_19.png deleted file mode 100644 index 7ce769c4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_20.png deleted file mode 100644 index 67aa2aa7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character20/0237_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_01.png deleted file mode 100644 index 68861d8e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_02.png deleted file mode 100644 index 7484c09e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_03.png deleted file mode 100644 index 725f89255..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_04.png deleted file mode 100644 index 4ae264a05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_05.png deleted file mode 100644 index 4c5309f13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_06.png deleted file mode 100644 index 9ac6d8ec4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_07.png deleted file mode 100644 index 5b260e621..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_08.png deleted file mode 100644 index 876ed57b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_09.png deleted file mode 100644 index 59a906816..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_10.png deleted file mode 100644 index fe67c972e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_11.png deleted file mode 100644 index 6da71ce37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_12.png deleted file mode 100644 index 85480e536..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_13.png deleted file mode 100644 index efae86a35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_14.png deleted file mode 100644 index c72f087fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_15.png deleted file mode 100644 index f9c6d0191..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_16.png deleted file mode 100644 index b9c125ade..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_17.png deleted file mode 100644 index 3934d8b81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_18.png deleted file mode 100644 index 7bd6e426f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_19.png deleted file mode 100644 index 5f0f4491d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_20.png deleted file mode 100644 index 75edf9241..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character21/0238_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_01.png deleted file mode 100644 index a501059fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_02.png deleted file mode 100644 index 5864ad6e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_03.png deleted file mode 100644 index 811036d45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_04.png deleted file mode 100644 index c451d235e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_05.png deleted file mode 100644 index b7666e1f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_06.png deleted file mode 100644 index 14e8c81fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_07.png deleted file mode 100644 index 3157e4d0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_08.png deleted file mode 100644 index a6ff24987..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_09.png deleted file mode 100644 index d20472216..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_10.png deleted file mode 100644 index 0009e03ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_11.png deleted file mode 100644 index 0c7b2c376..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_12.png deleted file mode 100644 index 68ad2e8f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_13.png deleted file mode 100644 index 5c169eb5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_14.png deleted file mode 100644 index 4e16c76e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_15.png deleted file mode 100644 index ca1aedf52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_16.png deleted file mode 100644 index f8fab8a18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_17.png deleted file mode 100644 index 61339d80b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_18.png deleted file mode 100644 index ffcbd8032..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_19.png deleted file mode 100644 index fe94b0c87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_20.png deleted file mode 100644 index 6a91c04b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character22/0239_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_01.png deleted file mode 100644 index ce95c8820..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_02.png deleted file mode 100644 index 3c63bdcbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_03.png deleted file mode 100644 index b0ecb0faa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_04.png deleted file mode 100644 index 1789850c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_05.png deleted file mode 100644 index 04ea4e412..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_06.png deleted file mode 100644 index 05e7de332..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_07.png deleted file mode 100644 index 3c2f3b5f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_08.png deleted file mode 100644 index ced671dcd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_09.png deleted file mode 100644 index 93e745966..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_10.png deleted file mode 100644 index 08012c0bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_11.png deleted file mode 100644 index e0fddd3a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_12.png deleted file mode 100644 index 103e5be81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_13.png deleted file mode 100644 index b522bef33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_14.png deleted file mode 100644 index beb49f34e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_15.png deleted file mode 100644 index 9f3d1963f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_16.png deleted file mode 100644 index 623488f3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_17.png deleted file mode 100644 index bc44f2210..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_18.png deleted file mode 100644 index 058232861..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_19.png deleted file mode 100644 index 37777716d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_20.png deleted file mode 100644 index 9769020bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character23/0240_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_01.png deleted file mode 100644 index 5b1989cff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_02.png deleted file mode 100644 index 0cd9ef40d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_03.png deleted file mode 100644 index 5eb480aee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_04.png deleted file mode 100644 index 8ba5bed19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_05.png deleted file mode 100644 index 51b487d22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_06.png deleted file mode 100644 index f20dd4961..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_07.png deleted file mode 100644 index 18337a88e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_08.png deleted file mode 100644 index 4bc038d4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_09.png deleted file mode 100644 index a1c3853e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_10.png deleted file mode 100644 index f1ef65779..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_11.png deleted file mode 100644 index b1865415a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_12.png deleted file mode 100644 index 9f14c2748..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_13.png deleted file mode 100644 index f31e9448f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_14.png deleted file mode 100644 index a4b0d0433..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_15.png deleted file mode 100644 index e79b73ff9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_16.png deleted file mode 100644 index c58772c48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_17.png deleted file mode 100644 index e3b08aef2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_18.png deleted file mode 100644 index 43ec5578f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_19.png deleted file mode 100644 index 4bc11006c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_20.png deleted file mode 100644 index dcba86d66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character24/0241_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_01.png deleted file mode 100644 index e75de1fb8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_02.png deleted file mode 100644 index 918c795fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_03.png deleted file mode 100644 index eaf40351b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_04.png deleted file mode 100644 index ac5625c3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_05.png deleted file mode 100644 index 1190bd61a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_06.png deleted file mode 100644 index 93f4ee811..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_07.png deleted file mode 100644 index 2a65e0d24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_08.png deleted file mode 100644 index da0d320f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_09.png deleted file mode 100644 index 0e8ac1f37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_10.png deleted file mode 100644 index dd0cc0ff8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_11.png deleted file mode 100644 index 3d4e58332..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_12.png deleted file mode 100644 index 6f40dea94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_13.png deleted file mode 100644 index 6b7dbaa00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_14.png deleted file mode 100644 index ccd8d842c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_15.png deleted file mode 100644 index 8089a197b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_16.png deleted file mode 100644 index 36c4004ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_17.png deleted file mode 100644 index ab044c06d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_18.png deleted file mode 100644 index 7dc13a60e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_19.png deleted file mode 100644 index 52d6bee16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_20.png deleted file mode 100644 index 09d81b362..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character25/0242_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_01.png deleted file mode 100644 index 48680a2f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_02.png deleted file mode 100644 index 1d6280855..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_03.png deleted file mode 100644 index d483e74d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_04.png deleted file mode 100644 index e6df532f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_05.png deleted file mode 100644 index 3f0ddb11a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_06.png deleted file mode 100644 index 92f54c829..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_07.png deleted file mode 100644 index 4906ea5aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_08.png deleted file mode 100644 index 97410cdb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_09.png deleted file mode 100644 index e318ff9c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_10.png deleted file mode 100644 index 4a30fcef0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_11.png deleted file mode 100644 index 826ffaa82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_12.png deleted file mode 100644 index 4f09d609c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_13.png deleted file mode 100644 index 1eff464d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_14.png deleted file mode 100644 index daea859fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_15.png deleted file mode 100644 index c29ac3c13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_16.png deleted file mode 100644 index f7e9ba6e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_17.png deleted file mode 100644 index 5374f6493..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_18.png deleted file mode 100644 index c047e2dda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_19.png deleted file mode 100644 index aaef04d7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_20.png deleted file mode 100644 index 8070e3565..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character26/0243_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_01.png deleted file mode 100644 index 7a56b10e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_02.png deleted file mode 100644 index a29c047cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_03.png deleted file mode 100644 index 10209095f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_04.png deleted file mode 100644 index d37e4fc57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_05.png deleted file mode 100644 index a3e5e7cb3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_06.png deleted file mode 100644 index 64be88f23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_07.png deleted file mode 100644 index 7717c0320..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_08.png deleted file mode 100644 index d56c67927..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_09.png deleted file mode 100644 index 443fb02fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_10.png deleted file mode 100644 index fc7141842..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_11.png deleted file mode 100644 index 632a9c3c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_12.png deleted file mode 100644 index 080c0a1c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_13.png deleted file mode 100644 index 21969de92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_14.png deleted file mode 100644 index 8ed55d3b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_15.png deleted file mode 100644 index 11fdf4a32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_16.png deleted file mode 100644 index 6c4c5e043..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_17.png deleted file mode 100644 index 1d101e7af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_18.png deleted file mode 100644 index 937e64200..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_19.png deleted file mode 100644 index 532c938ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_20.png deleted file mode 100644 index 6f0039a7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character27/0244_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_01.png deleted file mode 100644 index c62eccb16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_02.png deleted file mode 100644 index 9c509faad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_03.png deleted file mode 100644 index e1d870ed4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_04.png deleted file mode 100644 index 012752e62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_05.png deleted file mode 100644 index 6428c86e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_06.png deleted file mode 100644 index fa648d49c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_07.png deleted file mode 100644 index ea63c641e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_08.png deleted file mode 100644 index b0503bc54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_09.png deleted file mode 100644 index 869d4721a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_10.png deleted file mode 100644 index 1db156b14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_11.png deleted file mode 100644 index 64ccc60ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_12.png deleted file mode 100644 index 3e53d986f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_13.png deleted file mode 100644 index 66e7d353f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_14.png deleted file mode 100644 index 853578d0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_15.png deleted file mode 100644 index 7a5ba4409..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_16.png deleted file mode 100644 index af868041c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_17.png deleted file mode 100644 index edab2b57b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_18.png deleted file mode 100644 index 1ec854ad7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_19.png deleted file mode 100644 index deeadb988..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_20.png deleted file mode 100644 index 073869b89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character28/0245_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_01.png deleted file mode 100644 index 2b78e2390..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_02.png deleted file mode 100644 index 26e554c48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_03.png deleted file mode 100644 index 9c0c0994b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_04.png deleted file mode 100644 index ea3647a0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_05.png deleted file mode 100644 index 24906e588..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_06.png deleted file mode 100644 index 8083eaae1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_07.png deleted file mode 100644 index 18e9d2ada..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_08.png deleted file mode 100644 index ceff963df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_09.png deleted file mode 100644 index 10fad566a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_10.png deleted file mode 100644 index 67ed81648..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_11.png deleted file mode 100644 index 77bb34327..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_12.png deleted file mode 100644 index 785d570e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_13.png deleted file mode 100644 index 326a9c98b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_14.png deleted file mode 100644 index c96863aa6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_15.png deleted file mode 100644 index 2bb801892..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_16.png deleted file mode 100644 index 68c690b1d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_17.png deleted file mode 100644 index ab2f35e2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_18.png deleted file mode 100644 index 0b4299501..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_19.png deleted file mode 100644 index d799b514c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_20.png deleted file mode 100644 index 7be75c255..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character29/0246_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_01.png deleted file mode 100644 index cdadb4526..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_02.png deleted file mode 100644 index f637fac80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_03.png deleted file mode 100644 index 768e9bf64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_04.png deleted file mode 100644 index 9a6ded0b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_05.png deleted file mode 100644 index a6612a449..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_06.png deleted file mode 100644 index e4795784f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_07.png deleted file mode 100644 index efa562d6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_08.png deleted file mode 100644 index 9fae569b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_09.png deleted file mode 100644 index 5307220e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_10.png deleted file mode 100644 index 1b4fd4a56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_11.png deleted file mode 100644 index 9b26d1db3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_12.png deleted file mode 100644 index 62f546df3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_13.png deleted file mode 100644 index 26b5528e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_14.png deleted file mode 100644 index 8a6d6df5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_15.png deleted file mode 100644 index e0ad1a145..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_16.png deleted file mode 100644 index d88434407..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_17.png deleted file mode 100644 index d88e043f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_18.png deleted file mode 100644 index 5706f88e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_19.png deleted file mode 100644 index fc3dd40f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_20.png deleted file mode 100644 index 27f4532ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character30/0247_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_01.png deleted file mode 100644 index 834567eb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_02.png deleted file mode 100644 index 6c4e867d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_03.png deleted file mode 100644 index 531f282cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_04.png deleted file mode 100644 index b59444163..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_05.png deleted file mode 100644 index 6c8460270..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_06.png deleted file mode 100644 index 2eeb8cf65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_07.png deleted file mode 100644 index 332bf34c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_08.png deleted file mode 100644 index b7d816656..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_09.png deleted file mode 100644 index 8ecc87e35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_10.png deleted file mode 100644 index 1f6cb74fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_11.png deleted file mode 100644 index 210913b83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_12.png deleted file mode 100644 index f75e77eff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_13.png deleted file mode 100644 index 0afeeec7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_14.png deleted file mode 100644 index 00a2aea3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_15.png deleted file mode 100644 index 48e9df969..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_16.png deleted file mode 100644 index f5c4acc8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_17.png deleted file mode 100644 index 5f6131634..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_18.png deleted file mode 100644 index e12163eb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_19.png deleted file mode 100644 index 06cdb4073..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_20.png deleted file mode 100644 index 2f5b09a77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character31/0248_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_01.png deleted file mode 100644 index d801f573e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_02.png deleted file mode 100644 index 90d44fd26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_03.png deleted file mode 100644 index 4f714cb3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_04.png deleted file mode 100644 index 8b0936bad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_05.png deleted file mode 100644 index 0009c4d00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_06.png deleted file mode 100644 index d1a0ae785..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_07.png deleted file mode 100644 index 2bcff258f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_08.png deleted file mode 100644 index 25d224311..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_09.png deleted file mode 100644 index bc3606137..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_10.png deleted file mode 100644 index 4c714005e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_11.png deleted file mode 100644 index 157396ad8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_12.png deleted file mode 100644 index aed2c7102..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_13.png deleted file mode 100644 index 3728241fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_14.png deleted file mode 100644 index 67c157a13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_15.png deleted file mode 100644 index 32611ae01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_16.png deleted file mode 100644 index 5e36b7333..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_17.png deleted file mode 100644 index 16aa6911f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_18.png deleted file mode 100644 index 795412ec6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_19.png deleted file mode 100644 index c2ba82aa7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_20.png deleted file mode 100644 index 9a8815860..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character32/0249_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_01.png deleted file mode 100644 index dc5cfa0e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_02.png deleted file mode 100644 index 33dea936a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_03.png deleted file mode 100644 index 14965d022..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_04.png deleted file mode 100644 index 7a13eca9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_05.png deleted file mode 100644 index b9f489505..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_06.png deleted file mode 100644 index c8a58e48b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_07.png deleted file mode 100644 index 389df06e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_08.png deleted file mode 100644 index a905479bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_09.png deleted file mode 100644 index 27f0d6a63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_10.png deleted file mode 100644 index 02f5dce55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_11.png deleted file mode 100644 index 91c4225b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_12.png deleted file mode 100644 index a07347963..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_13.png deleted file mode 100644 index efc9e560d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_14.png deleted file mode 100644 index 2b09f27e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_15.png deleted file mode 100644 index bd0e6b15e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_16.png deleted file mode 100644 index 8aa8e651d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_17.png deleted file mode 100644 index 62a79b086..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_18.png deleted file mode 100644 index 11e309579..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_19.png deleted file mode 100644 index aed25be1d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_20.png deleted file mode 100644 index 0189b202d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Cyrillic/character33/0250_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_01.png deleted file mode 100644 index 0d83f8b09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_02.png deleted file mode 100644 index 82bb89948..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_03.png deleted file mode 100644 index 8cf6ccdf0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_04.png deleted file mode 100644 index 328a7073b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_05.png deleted file mode 100644 index 1b81680d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_06.png deleted file mode 100644 index abc6111f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_07.png deleted file mode 100644 index 5dea99d8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_08.png deleted file mode 100644 index 87046fb3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_09.png deleted file mode 100644 index 6dd577e13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_10.png deleted file mode 100644 index 6b74a722b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_11.png deleted file mode 100644 index fb4940771..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_12.png deleted file mode 100644 index 71afca6a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_13.png deleted file mode 100644 index 97d2772fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_14.png deleted file mode 100644 index c59bbf43f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_15.png deleted file mode 100644 index 7bab7125a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_16.png deleted file mode 100644 index 18f9d1048..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_17.png deleted file mode 100644 index fbdd1f717..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_18.png deleted file mode 100644 index d9d7414b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_19.png deleted file mode 100644 index 707eff9cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_20.png deleted file mode 100644 index 3cd4c6198..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character01/0251_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_01.png deleted file mode 100644 index 3910067d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_02.png deleted file mode 100644 index 136b653c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_03.png deleted file mode 100644 index 6bd802ecb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_04.png deleted file mode 100644 index 915f801e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_05.png deleted file mode 100644 index 965d30648..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_06.png deleted file mode 100644 index f27653682..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_07.png deleted file mode 100644 index d1fe24b87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_08.png deleted file mode 100644 index 2cce7994e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_09.png deleted file mode 100644 index 21e60f0db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_10.png deleted file mode 100644 index 9545279f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_11.png deleted file mode 100644 index 63e8c5a9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_12.png deleted file mode 100644 index 4e6503770..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_13.png deleted file mode 100644 index 3731d3086..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_14.png deleted file mode 100644 index 033bdb2d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_15.png deleted file mode 100644 index 822cfbe76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_16.png deleted file mode 100644 index fc3c0f1f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_17.png deleted file mode 100644 index 7f5509f15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_18.png deleted file mode 100644 index f1a38d03c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_19.png deleted file mode 100644 index f53d12985..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_20.png deleted file mode 100644 index 101774afc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character02/0252_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_01.png deleted file mode 100644 index 317719fa4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_02.png deleted file mode 100644 index 9bbc1c774..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_03.png deleted file mode 100644 index 214ef406e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_04.png deleted file mode 100644 index 837b80ee6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_05.png deleted file mode 100644 index aeb45bbc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_06.png deleted file mode 100644 index c124225aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_07.png deleted file mode 100644 index 7edf14353..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_08.png deleted file mode 100644 index 8f562dce8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_09.png deleted file mode 100644 index ee7185c25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_10.png deleted file mode 100644 index de56ce007..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_11.png deleted file mode 100644 index 46050bcfb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_12.png deleted file mode 100644 index d27e15505..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_13.png deleted file mode 100644 index 90a4fdd1d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_14.png deleted file mode 100644 index 9feb25c03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_15.png deleted file mode 100644 index d9dc8c877..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_16.png deleted file mode 100644 index 687a70950..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_17.png deleted file mode 100644 index a58f7be58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_18.png deleted file mode 100644 index 863cd802b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_19.png deleted file mode 100644 index 1a3ca8cac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_20.png deleted file mode 100644 index b28247c76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character03/0253_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_01.png deleted file mode 100644 index 03341e3e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_02.png deleted file mode 100644 index 3801a5aba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_03.png deleted file mode 100644 index 64d063a96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_04.png deleted file mode 100644 index 473477484..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_05.png deleted file mode 100644 index 16a31e54d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_06.png deleted file mode 100644 index 279507b43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_07.png deleted file mode 100644 index f1988b794..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_08.png deleted file mode 100644 index 9cbc8cd5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_09.png deleted file mode 100644 index 7b42694fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_10.png deleted file mode 100644 index 7d9f4203c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_11.png deleted file mode 100644 index 889148016..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_12.png deleted file mode 100644 index 755806d80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_13.png deleted file mode 100644 index e64482321..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_14.png deleted file mode 100644 index b1abb3fee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_15.png deleted file mode 100644 index a2bd926c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_16.png deleted file mode 100644 index c03910be5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_17.png deleted file mode 100644 index 26801313b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_18.png deleted file mode 100644 index 98aad2fe6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_19.png deleted file mode 100644 index 376ece0b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_20.png deleted file mode 100644 index da357c4a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character04/0254_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_01.png deleted file mode 100644 index e4d7b0885..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_02.png deleted file mode 100644 index 1ce5d8ad5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_03.png deleted file mode 100644 index d52fabcfe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_04.png deleted file mode 100644 index b7621f759..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_05.png deleted file mode 100644 index 003c3a135..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_06.png deleted file mode 100644 index 8a6fbe904..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_07.png deleted file mode 100644 index c6adb7a15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_08.png deleted file mode 100644 index 47ae74d44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_09.png deleted file mode 100644 index 0cb821091..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_10.png deleted file mode 100644 index 996fd301c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_11.png deleted file mode 100644 index d7d0a6e38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_12.png deleted file mode 100644 index bb2201ace..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_13.png deleted file mode 100644 index 14277f8bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_14.png deleted file mode 100644 index 22960889a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_15.png deleted file mode 100644 index e24fda232..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_16.png deleted file mode 100644 index b7859e6fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_17.png deleted file mode 100644 index 298256b57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_18.png deleted file mode 100644 index a612fa49d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_19.png deleted file mode 100644 index 59f8e944a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_20.png deleted file mode 100644 index 010e7930f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character05/0255_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_01.png deleted file mode 100644 index 462d93303..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_02.png deleted file mode 100644 index 1b4a627cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_03.png deleted file mode 100644 index dd46a18c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_04.png deleted file mode 100644 index d50fa0420..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_05.png deleted file mode 100644 index b834fd9be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_06.png deleted file mode 100644 index 3f9492087..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_07.png deleted file mode 100644 index e7f61a0bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_08.png deleted file mode 100644 index d948918ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_09.png deleted file mode 100644 index bd15692e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_10.png deleted file mode 100644 index 303236194..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_11.png deleted file mode 100644 index 0f29b7859..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_12.png deleted file mode 100644 index 3d3c4c4ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_13.png deleted file mode 100644 index 7f2939c1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_14.png deleted file mode 100644 index 1e5f52a11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_15.png deleted file mode 100644 index c9cb4d293..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_16.png deleted file mode 100644 index f96c13fc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_17.png deleted file mode 100644 index 87c3f9e38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_18.png deleted file mode 100644 index 6fafb4bd5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_19.png deleted file mode 100644 index 5ceed7130..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_20.png deleted file mode 100644 index 5aee5e5f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character06/0256_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_01.png deleted file mode 100644 index 7f874762a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_02.png deleted file mode 100644 index 28eb4d8ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_03.png deleted file mode 100644 index 80de82772..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_04.png deleted file mode 100644 index a1980e02d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_05.png deleted file mode 100644 index cedcea0eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_06.png deleted file mode 100644 index e0bce901d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_07.png deleted file mode 100644 index 9e9156bbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_08.png deleted file mode 100644 index b087f3aef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_09.png deleted file mode 100644 index ff32a6c35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_10.png deleted file mode 100644 index 5e9cfd0a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_11.png deleted file mode 100644 index 8d67a75b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_12.png deleted file mode 100644 index 94f7a5dff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_13.png deleted file mode 100644 index a50f5bacd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_14.png deleted file mode 100644 index 4eac258f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_15.png deleted file mode 100644 index 052522c94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_16.png deleted file mode 100644 index 20364da7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_17.png deleted file mode 100644 index b5954d4c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_18.png deleted file mode 100644 index 2a6f40e51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_19.png deleted file mode 100644 index 194cc541c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_20.png deleted file mode 100644 index 7cb27847f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character07/0257_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_01.png deleted file mode 100644 index 6251785f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_02.png deleted file mode 100644 index 8879c2109..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_03.png deleted file mode 100644 index 28966e336..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_04.png deleted file mode 100644 index 90326d30a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_05.png deleted file mode 100644 index 3ab3b7642..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_06.png deleted file mode 100644 index 75ec4a484..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_07.png deleted file mode 100644 index 927de3413..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_08.png deleted file mode 100644 index 91cdd3cae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_09.png deleted file mode 100644 index b28a4eba1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_10.png deleted file mode 100644 index 7955ee362..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_11.png deleted file mode 100644 index 733acdd59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_12.png deleted file mode 100644 index 7468bcf37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_13.png deleted file mode 100644 index 05cb7b454..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_14.png deleted file mode 100644 index 8aa3094e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_15.png deleted file mode 100644 index fd50899ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_16.png deleted file mode 100644 index e1aa67d3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_17.png deleted file mode 100644 index 0407dc673..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_18.png deleted file mode 100644 index f6a154053..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_19.png deleted file mode 100644 index cc387499d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_20.png deleted file mode 100644 index 97e9ae5f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character08/0258_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_01.png deleted file mode 100644 index a9d13d3d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_02.png deleted file mode 100644 index f9eb9786e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_03.png deleted file mode 100644 index 89575b39e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_04.png deleted file mode 100644 index 84b4d2fa6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_05.png deleted file mode 100644 index 6c92b3da4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_06.png deleted file mode 100644 index 8661b0bdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_07.png deleted file mode 100644 index f785bfc68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_08.png deleted file mode 100644 index 6eef21e67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_09.png deleted file mode 100644 index e90bda108..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_10.png deleted file mode 100644 index 2100d1049..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_11.png deleted file mode 100644 index 8791465c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_12.png deleted file mode 100644 index 3ceba4313..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_13.png deleted file mode 100644 index 5673aca0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_14.png deleted file mode 100644 index 2590af8c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_15.png deleted file mode 100644 index 0eeea8e48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_16.png deleted file mode 100644 index 052ebce43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_17.png deleted file mode 100644 index 7401c1734..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_18.png deleted file mode 100644 index cff325c9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_19.png deleted file mode 100644 index e1f1ae8b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_20.png deleted file mode 100644 index 5ba369c4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character09/0259_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_01.png deleted file mode 100644 index cb3118cdf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_02.png deleted file mode 100644 index eff975b3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_03.png deleted file mode 100644 index 27401be28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_04.png deleted file mode 100644 index 08f4be3c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_05.png deleted file mode 100644 index ffece3595..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_06.png deleted file mode 100644 index 0f4b3e41c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_07.png deleted file mode 100644 index e66a33ea8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_08.png deleted file mode 100644 index 9f9d21e52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_09.png deleted file mode 100644 index 3712b3261..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_10.png deleted file mode 100644 index eae420850..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_11.png deleted file mode 100644 index 296d0c3e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_12.png deleted file mode 100644 index 31706a858..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_13.png deleted file mode 100644 index 84c2e65b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_14.png deleted file mode 100644 index 7be0724c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_15.png deleted file mode 100644 index c43f5ddf8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_16.png deleted file mode 100644 index bed3f4d3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_17.png deleted file mode 100644 index 26a7d78f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_18.png deleted file mode 100644 index 59cb37cce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_19.png deleted file mode 100644 index 7cf21f5ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_20.png deleted file mode 100644 index 01bd8d5a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character10/0260_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_01.png deleted file mode 100644 index 3dbdda892..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_02.png deleted file mode 100644 index 441da2206..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_03.png deleted file mode 100644 index e1788fb1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_04.png deleted file mode 100644 index 865624315..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_05.png deleted file mode 100644 index 839ad9c29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_06.png deleted file mode 100644 index 6be89f6ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_07.png deleted file mode 100644 index 36b997aba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_08.png deleted file mode 100644 index 7de5d8f6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_09.png deleted file mode 100644 index 58859ae65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_10.png deleted file mode 100644 index 793afe8b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_11.png deleted file mode 100644 index dc7a05c5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_12.png deleted file mode 100644 index c1bc327d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_13.png deleted file mode 100644 index ef27ccb65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_14.png deleted file mode 100644 index cfe5ea40f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_15.png deleted file mode 100644 index cf84f0461..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_16.png deleted file mode 100644 index 9eb027fc7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_17.png deleted file mode 100644 index 4f715b196..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_18.png deleted file mode 100644 index 91af24ee4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_19.png deleted file mode 100644 index 4c672e344..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_20.png deleted file mode 100644 index 23b91d7fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character11/0261_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_01.png deleted file mode 100644 index 0bc2046b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_02.png deleted file mode 100644 index ed4859ad2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_03.png deleted file mode 100644 index 353874b0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_04.png deleted file mode 100644 index e7ae16ade..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_05.png deleted file mode 100644 index 0e43dfd96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_06.png deleted file mode 100644 index 163954600..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_07.png deleted file mode 100644 index 649f1bc96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_08.png deleted file mode 100644 index 454e09740..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_09.png deleted file mode 100644 index 458cb572e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_10.png deleted file mode 100644 index 627cd6771..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_11.png deleted file mode 100644 index 6a209740a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_12.png deleted file mode 100644 index 6bfea50b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_13.png deleted file mode 100644 index 81a558c8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_14.png deleted file mode 100644 index 49f5ee0f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_15.png deleted file mode 100644 index 3a92ee2d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_16.png deleted file mode 100644 index d99c9a287..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_17.png deleted file mode 100644 index 2c2bcb8f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_18.png deleted file mode 100644 index 5b10bfc3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_19.png deleted file mode 100644 index e61c97736..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_20.png deleted file mode 100644 index 3a558707d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character12/0262_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_01.png deleted file mode 100644 index 1cb573040..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_02.png deleted file mode 100644 index a82892099..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_03.png deleted file mode 100644 index fee159a2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_04.png deleted file mode 100644 index 14250f37e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_05.png deleted file mode 100644 index 7acd09cd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_06.png deleted file mode 100644 index 546b6c059..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_07.png deleted file mode 100644 index 07c5d80e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_08.png deleted file mode 100644 index 41017cbfc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_09.png deleted file mode 100644 index 17873d445..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_10.png deleted file mode 100644 index 36b85aebc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_11.png deleted file mode 100644 index 731273456..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_12.png deleted file mode 100644 index fa9e65ea5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_13.png deleted file mode 100644 index c7c5042bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_14.png deleted file mode 100644 index ca0391840..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_15.png deleted file mode 100644 index 9cc589687..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_16.png deleted file mode 100644 index c478dae9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_17.png deleted file mode 100644 index aa0f156f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_18.png deleted file mode 100644 index 1d1d74fbc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_19.png deleted file mode 100644 index 220112cd7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_20.png deleted file mode 100644 index dda53446c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character13/0263_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_01.png deleted file mode 100644 index 4851c1764..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_02.png deleted file mode 100644 index 571693a68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_03.png deleted file mode 100644 index b5556eb5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_04.png deleted file mode 100644 index 0c2ecfdde..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_05.png deleted file mode 100644 index 32b911ce3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_06.png deleted file mode 100644 index 872226499..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_07.png deleted file mode 100644 index 965ef60b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_08.png deleted file mode 100644 index 16d72f75d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_09.png deleted file mode 100644 index 44fbe9926..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_10.png deleted file mode 100644 index d6a1cd131..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_11.png deleted file mode 100644 index c2def5fe4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_12.png deleted file mode 100644 index ebbe346fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_13.png deleted file mode 100644 index a3b68b401..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_14.png deleted file mode 100644 index 0350e10a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_15.png deleted file mode 100644 index 6d2008127..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_16.png deleted file mode 100644 index 5719fe011..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_17.png deleted file mode 100644 index a6152f5f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_18.png deleted file mode 100644 index 9340deedf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_19.png deleted file mode 100644 index 048345e25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_20.png deleted file mode 100644 index d7ffb8e1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character14/0264_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_01.png deleted file mode 100644 index c5708d01b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_02.png deleted file mode 100644 index dd9d13d40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_03.png deleted file mode 100644 index 2920f31f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_04.png deleted file mode 100644 index 3fe933774..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_05.png deleted file mode 100644 index fe1c0e321..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_06.png deleted file mode 100644 index d2470d82b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_07.png deleted file mode 100644 index a671c91c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_08.png deleted file mode 100644 index c6b8f9e53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_09.png deleted file mode 100644 index c34d56e34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_10.png deleted file mode 100644 index d71495a56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_11.png deleted file mode 100644 index f3e16c250..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_12.png deleted file mode 100644 index addac2e9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_13.png deleted file mode 100644 index e5f158772..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_14.png deleted file mode 100644 index 6cc356b20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_15.png deleted file mode 100644 index 99030579d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_16.png deleted file mode 100644 index 011c4f91a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_17.png deleted file mode 100644 index d30013cc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_18.png deleted file mode 100644 index 725990ef2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_19.png deleted file mode 100644 index a697348cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_20.png deleted file mode 100644 index 078f0e1c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character15/0265_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_01.png deleted file mode 100644 index d2f8d46e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_02.png deleted file mode 100644 index 2236f1c54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_03.png deleted file mode 100644 index 9c425fff4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_04.png deleted file mode 100644 index d32636c44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_05.png deleted file mode 100644 index ff96211f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_06.png deleted file mode 100644 index 815cbca64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_07.png deleted file mode 100644 index 61dbd4718..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_08.png deleted file mode 100644 index d1d7749a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_09.png deleted file mode 100644 index f1d9bb9c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_10.png deleted file mode 100644 index 28b7843fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_11.png deleted file mode 100644 index d056a50d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_12.png deleted file mode 100644 index 68cebafd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_13.png deleted file mode 100644 index 117037d89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_14.png deleted file mode 100644 index 5a63acd6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_15.png deleted file mode 100644 index 1e1793388..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_16.png deleted file mode 100644 index b395c2b78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_17.png deleted file mode 100644 index 2b3c2d771..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_18.png deleted file mode 100644 index bfd4a6ae6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_19.png deleted file mode 100644 index 125fe0ad2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_20.png deleted file mode 100644 index 2a0bd99e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character16/0266_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_01.png deleted file mode 100644 index 15cd5c7ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_02.png deleted file mode 100644 index 9dfd4e942..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_03.png deleted file mode 100644 index 811570636..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_04.png deleted file mode 100644 index f6e0b1480..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_05.png deleted file mode 100644 index f1bf3158a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_06.png deleted file mode 100644 index cc0f5262b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_07.png deleted file mode 100644 index 9455507b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_08.png deleted file mode 100644 index 2c9fc2163..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_09.png deleted file mode 100644 index 43819351f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_10.png deleted file mode 100644 index eb24929b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_11.png deleted file mode 100644 index 221a9ae66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_12.png deleted file mode 100644 index af973e55b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_13.png deleted file mode 100644 index 5b26cb0c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_14.png deleted file mode 100644 index 87d07b654..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_15.png deleted file mode 100644 index 7f743c6c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_16.png deleted file mode 100644 index 5c1075c41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_17.png deleted file mode 100644 index 946e2363f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_18.png deleted file mode 100644 index 4950018c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_19.png deleted file mode 100644 index 212bad828..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_20.png deleted file mode 100644 index 577b90305..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character17/0267_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_01.png deleted file mode 100644 index 06641a670..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_02.png deleted file mode 100644 index 07ef18770..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_03.png deleted file mode 100644 index 3e78322e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_04.png deleted file mode 100644 index 4654eea7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_05.png deleted file mode 100644 index 515a1a2c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_06.png deleted file mode 100644 index 452abb6ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_07.png deleted file mode 100644 index 3bda62280..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_08.png deleted file mode 100644 index 0baf6d666..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_09.png deleted file mode 100644 index 5d7c40c08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_10.png deleted file mode 100644 index 3be6bbafa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_11.png deleted file mode 100644 index 33e6ff3f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_12.png deleted file mode 100644 index 6c1f89dfe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_13.png deleted file mode 100644 index 93b38808b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_14.png deleted file mode 100644 index 0e8fd107e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_15.png deleted file mode 100644 index 7fc8db7bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_16.png deleted file mode 100644 index c7848a83c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_17.png deleted file mode 100644 index ec1373fb3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_18.png deleted file mode 100644 index 1664ca682..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_19.png deleted file mode 100644 index 2dffab038..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_20.png deleted file mode 100644 index 0dfbd1457..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character18/0268_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_01.png deleted file mode 100644 index c0c8cefa4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_02.png deleted file mode 100644 index 854ed78d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_03.png deleted file mode 100644 index 0563e063d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_04.png deleted file mode 100644 index 2df689da6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_05.png deleted file mode 100644 index 0e7bbf6fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_06.png deleted file mode 100644 index 4ac6968e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_07.png deleted file mode 100644 index d1d49f0be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_08.png deleted file mode 100644 index b58a38885..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_09.png deleted file mode 100644 index 0ed6fdd80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_10.png deleted file mode 100644 index 525bbe6d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_11.png deleted file mode 100644 index 8ca6d613b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_12.png deleted file mode 100644 index 44c4c09c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_13.png deleted file mode 100644 index 567d204aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_14.png deleted file mode 100644 index 8949f7ebf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_15.png deleted file mode 100644 index 67e7f15de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_16.png deleted file mode 100644 index 2ceca81a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_17.png deleted file mode 100644 index 044cec237..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_18.png deleted file mode 100644 index 9facf1be1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_19.png deleted file mode 100644 index 9d1e6d2b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_20.png deleted file mode 100644 index f14362283..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character19/0269_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_01.png deleted file mode 100644 index f69a905d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_02.png deleted file mode 100644 index d4c30c047..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_03.png deleted file mode 100644 index 92593d2ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_04.png deleted file mode 100644 index 9f1e3ba40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_05.png deleted file mode 100644 index fb8ccf2b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_06.png deleted file mode 100644 index 440463202..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_07.png deleted file mode 100644 index f19644bc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_08.png deleted file mode 100644 index 817cff981..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_09.png deleted file mode 100644 index f86c8ba6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_10.png deleted file mode 100644 index 7cdd1e111..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_11.png deleted file mode 100644 index f29726274..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_12.png deleted file mode 100644 index 92893e36e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_13.png deleted file mode 100644 index 74dc62f95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_14.png deleted file mode 100644 index 1c450a531..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_15.png deleted file mode 100644 index 5feef0810..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_16.png deleted file mode 100644 index 1af59b420..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_17.png deleted file mode 100644 index 1af33e7df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_18.png deleted file mode 100644 index a66645357..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_19.png deleted file mode 100644 index 75008972f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_20.png deleted file mode 100644 index 1e2f49ca5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character20/0270_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_01.png deleted file mode 100644 index 65b5d2914..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_02.png deleted file mode 100644 index e526592a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_03.png deleted file mode 100644 index 954456f53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_04.png deleted file mode 100644 index e550f920d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_05.png deleted file mode 100644 index 6d5db8497..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_06.png deleted file mode 100644 index f7f821bcd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_07.png deleted file mode 100644 index 8f9052deb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_08.png deleted file mode 100644 index cbf926c09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_09.png deleted file mode 100644 index 60109c749..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_10.png deleted file mode 100644 index e3c7cd552..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_11.png deleted file mode 100644 index fddb54833..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_12.png deleted file mode 100644 index 8a0fc5527..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_13.png deleted file mode 100644 index 7ace6c4d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_14.png deleted file mode 100644 index db9c68827..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_15.png deleted file mode 100644 index d0f404f47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_16.png deleted file mode 100644 index ac08daf9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_17.png deleted file mode 100644 index c4cecc39c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_18.png deleted file mode 100644 index 28c973ff2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_19.png deleted file mode 100644 index 0440a7243..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_20.png deleted file mode 100644 index 79fdca4f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character21/0271_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_01.png deleted file mode 100644 index 950147a11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_02.png deleted file mode 100644 index 5ecbe273b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_03.png deleted file mode 100644 index e8cc70c08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_04.png deleted file mode 100644 index 0c7de6003..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_05.png deleted file mode 100644 index 4d82dc869..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_06.png deleted file mode 100644 index da070037f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_07.png deleted file mode 100644 index 11a0bc62c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_08.png deleted file mode 100644 index 133fca208..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_09.png deleted file mode 100644 index 454c4dab9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_10.png deleted file mode 100644 index 91dee73c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_11.png deleted file mode 100644 index f15af1422..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_12.png deleted file mode 100644 index ca7899fb8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_13.png deleted file mode 100644 index c7a908f07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_14.png deleted file mode 100644 index 0a9470d2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_15.png deleted file mode 100644 index 73b5ef24a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_16.png deleted file mode 100644 index 764b7e8b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_17.png deleted file mode 100644 index 4864b3083..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_18.png deleted file mode 100644 index 55da10eef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_19.png deleted file mode 100644 index 856735d83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_20.png deleted file mode 100644 index 2acf0ff28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Early_Aramaic/character22/0272_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_01.png deleted file mode 100644 index 1122a4834..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_02.png deleted file mode 100644 index 1437ddfde..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_03.png deleted file mode 100644 index 1af8012fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_04.png deleted file mode 100644 index 2fc7df655..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_05.png deleted file mode 100644 index 74b00547b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_06.png deleted file mode 100644 index ee2245b9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_07.png deleted file mode 100644 index b1210613a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_08.png deleted file mode 100644 index 80141991e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_09.png deleted file mode 100644 index 08c898778..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_10.png deleted file mode 100644 index 56e053ab8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_11.png deleted file mode 100644 index ed6c4cbab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_12.png deleted file mode 100644 index b64643d7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_13.png deleted file mode 100644 index 410097ed9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_14.png deleted file mode 100644 index 818525470..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_15.png deleted file mode 100644 index 85059c9d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_16.png deleted file mode 100644 index 9357982ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_17.png deleted file mode 100644 index af8985232..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_18.png deleted file mode 100644 index b1fd7f47f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_19.png deleted file mode 100644 index 9e1cdc2aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_20.png deleted file mode 100644 index da42b332e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character01/0325_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_01.png deleted file mode 100644 index 539bb0cfe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_02.png deleted file mode 100644 index aa1a6d5e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_03.png deleted file mode 100644 index 3ba14ee14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_04.png deleted file mode 100644 index 891c6d4dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_05.png deleted file mode 100644 index 6a5767b19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_06.png deleted file mode 100644 index 6f4b00fa9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_07.png deleted file mode 100644 index 3a3be8b58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_08.png deleted file mode 100644 index 6c504c0e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_09.png deleted file mode 100644 index 3bfe7d26e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_10.png deleted file mode 100644 index daaac9a0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_11.png deleted file mode 100644 index db800436d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_12.png deleted file mode 100644 index b20c509d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_13.png deleted file mode 100644 index 4f55f1f92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_14.png deleted file mode 100644 index 4fdd5c152..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_15.png deleted file mode 100644 index 4bbd2b73e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_16.png deleted file mode 100644 index 0e9b0a519..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_17.png deleted file mode 100644 index b8d45aa0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_18.png deleted file mode 100644 index b416fd952..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_19.png deleted file mode 100644 index 555baade3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_20.png deleted file mode 100644 index 733c17de0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character02/0326_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_01.png deleted file mode 100644 index d152354f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_02.png deleted file mode 100644 index 215ea5187..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_03.png deleted file mode 100644 index b82711fa7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_04.png deleted file mode 100644 index ab020b5ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_05.png deleted file mode 100644 index 31f584515..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_06.png deleted file mode 100644 index 1f66ef84f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_07.png deleted file mode 100644 index e97cb09af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_08.png deleted file mode 100644 index ceadb6201..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_09.png deleted file mode 100644 index 4c3f6139e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_10.png deleted file mode 100644 index d4c49cc4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_11.png deleted file mode 100644 index d85f67a31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_12.png deleted file mode 100644 index a5d4ea050..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_13.png deleted file mode 100644 index eceaaa57f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_14.png deleted file mode 100644 index 751fe1eaa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_15.png deleted file mode 100644 index 7de5216db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_16.png deleted file mode 100644 index 707dbe2b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_17.png deleted file mode 100644 index d0932abb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_18.png deleted file mode 100644 index 2996384c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_19.png deleted file mode 100644 index bac5bceba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_20.png deleted file mode 100644 index 611a763bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character03/0327_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_01.png deleted file mode 100644 index 3a9fa55b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_02.png deleted file mode 100644 index 8ed765f62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_03.png deleted file mode 100644 index c601652ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_04.png deleted file mode 100644 index ff854b607..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_05.png deleted file mode 100644 index 2d5a32aa7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_06.png deleted file mode 100644 index 6ea583333..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_07.png deleted file mode 100644 index 59afc6467..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_08.png deleted file mode 100644 index 261a7c2e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_09.png deleted file mode 100644 index 7891e9f3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_10.png deleted file mode 100644 index 61c7f214e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_11.png deleted file mode 100644 index 42792f04e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_12.png deleted file mode 100644 index 4b1fa3afd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_13.png deleted file mode 100644 index d1f38b162..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_14.png deleted file mode 100644 index 565fc5e4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_15.png deleted file mode 100644 index c71ec0aad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_16.png deleted file mode 100644 index 68dcdcc34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_17.png deleted file mode 100644 index d667ead92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_18.png deleted file mode 100644 index a5eb5af34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_19.png deleted file mode 100644 index aa52933a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_20.png deleted file mode 100644 index cc04d05ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character04/0328_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_01.png deleted file mode 100644 index fe0d633b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_02.png deleted file mode 100644 index 0c029c811..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_03.png deleted file mode 100644 index 9be75297f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_04.png deleted file mode 100644 index bbf3c8d8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_05.png deleted file mode 100644 index b996d17d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_06.png deleted file mode 100644 index da8cff433..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_07.png deleted file mode 100644 index a8cdeb385..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_08.png deleted file mode 100644 index 61174abbc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_09.png deleted file mode 100644 index be6faf222..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_10.png deleted file mode 100644 index 0fc90deac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_11.png deleted file mode 100644 index 54ad0993d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_12.png deleted file mode 100644 index 862ea01f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_13.png deleted file mode 100644 index 5f19eeb7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_14.png deleted file mode 100644 index 6fe2a285c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_15.png deleted file mode 100644 index bae3a385a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_16.png deleted file mode 100644 index 141deb4b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_17.png deleted file mode 100644 index 1acaf42a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_18.png deleted file mode 100644 index e634b203e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_19.png deleted file mode 100644 index d53aa80ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_20.png deleted file mode 100644 index be6f1b6aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character05/0329_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_01.png deleted file mode 100644 index 70c270c5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_02.png deleted file mode 100644 index af592b506..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_03.png deleted file mode 100644 index 79bd73fc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_04.png deleted file mode 100644 index 919999194..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_05.png deleted file mode 100644 index cc2f23c83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_06.png deleted file mode 100644 index 5099899e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_07.png deleted file mode 100644 index f5c1d3718..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_08.png deleted file mode 100644 index 93ec69e6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_09.png deleted file mode 100644 index 4c45a9918..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_10.png deleted file mode 100644 index c41113838..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_11.png deleted file mode 100644 index b75a86234..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_12.png deleted file mode 100644 index 59682e183..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_13.png deleted file mode 100644 index dfb09e860..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_14.png deleted file mode 100644 index 3c3d132b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_15.png deleted file mode 100644 index d0e48f3d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_16.png deleted file mode 100644 index c5eda15c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_17.png deleted file mode 100644 index e594520fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_18.png deleted file mode 100644 index 527771ec3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_19.png deleted file mode 100644 index e114b9947..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_20.png deleted file mode 100644 index 0e4567972..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character06/0330_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_01.png deleted file mode 100644 index 9f1bbbcf1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_02.png deleted file mode 100644 index 3930c52bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_03.png deleted file mode 100644 index b45596244..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_04.png deleted file mode 100644 index e1a74458c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_05.png deleted file mode 100644 index d44884211..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_06.png deleted file mode 100644 index 3b03e7047..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_07.png deleted file mode 100644 index 32f3eaa65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_08.png deleted file mode 100644 index 92548b2bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_09.png deleted file mode 100644 index 7fef9d3fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_10.png deleted file mode 100644 index 249a4f617..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_11.png deleted file mode 100644 index fe8b5397b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_12.png deleted file mode 100644 index 3b70db368..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_13.png deleted file mode 100644 index a0649045a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_14.png deleted file mode 100644 index 5cfdd7b8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_15.png deleted file mode 100644 index 5350adb2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_16.png deleted file mode 100644 index c3494e7fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_17.png deleted file mode 100644 index fdb20306d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_18.png deleted file mode 100644 index 57c80a797..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_19.png deleted file mode 100644 index 5fa9965a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_20.png deleted file mode 100644 index 8abf47518..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character07/0331_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_01.png deleted file mode 100644 index 344db9932..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_02.png deleted file mode 100644 index 521eb2932..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_03.png deleted file mode 100644 index adb42ae96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_04.png deleted file mode 100644 index 43c7c8eac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_05.png deleted file mode 100644 index 8a4f540c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_06.png deleted file mode 100644 index 9db659743..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_07.png deleted file mode 100644 index dba5d9804..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_08.png deleted file mode 100644 index 4c1f739e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_09.png deleted file mode 100644 index d7337e2c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_10.png deleted file mode 100644 index 232402d59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_11.png deleted file mode 100644 index 43bf890ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_12.png deleted file mode 100644 index 177fda24b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_13.png deleted file mode 100644 index 142ebf71c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_14.png deleted file mode 100644 index 07429cbc0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_15.png deleted file mode 100644 index ac9aad7f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_16.png deleted file mode 100644 index 1005229b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_17.png deleted file mode 100644 index bf808d79b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_18.png deleted file mode 100644 index f3d9a097b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_19.png deleted file mode 100644 index 1681e92ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_20.png deleted file mode 100644 index 5005e55f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character08/0332_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_01.png deleted file mode 100644 index 99f77ef01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_02.png deleted file mode 100644 index f09047160..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_03.png deleted file mode 100644 index 782f8d618..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_04.png deleted file mode 100644 index 4f5736cd5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_05.png deleted file mode 100644 index 52ee44246..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_06.png deleted file mode 100644 index 8ba7838c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_07.png deleted file mode 100644 index 8ab0356ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_08.png deleted file mode 100644 index 2fde406f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_09.png deleted file mode 100644 index 28b2642fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_10.png deleted file mode 100644 index ec1cc12f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_11.png deleted file mode 100644 index 89574b57e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_12.png deleted file mode 100644 index 804d3bf02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_13.png deleted file mode 100644 index 3a57cbe9d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_14.png deleted file mode 100644 index 3633ddcc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_15.png deleted file mode 100644 index c18ede4f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_16.png deleted file mode 100644 index 8627849f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_17.png deleted file mode 100644 index e920a999f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_18.png deleted file mode 100644 index b3e6f4c94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_19.png deleted file mode 100644 index a02703de9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_20.png deleted file mode 100644 index bb0e32515..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character09/0333_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_01.png deleted file mode 100644 index 03c4af784..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_02.png deleted file mode 100644 index 5d7211da1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_03.png deleted file mode 100644 index ed0ba522a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_04.png deleted file mode 100644 index 7b6a9e491..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_05.png deleted file mode 100644 index 2b741bf20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_06.png deleted file mode 100644 index 54c656f61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_07.png deleted file mode 100644 index b87982a19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_08.png deleted file mode 100644 index 3d37d678d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_09.png deleted file mode 100644 index 19623e45a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_10.png deleted file mode 100644 index ddc966c1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_11.png deleted file mode 100644 index b2896dd79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_12.png deleted file mode 100644 index 62e790d33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_13.png deleted file mode 100644 index 3da32dafa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_14.png deleted file mode 100644 index 85ed25e14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_15.png deleted file mode 100644 index 235860048..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_16.png deleted file mode 100644 index badaf8dad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_17.png deleted file mode 100644 index 301f2fdb1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_18.png deleted file mode 100644 index 506a69a40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_19.png deleted file mode 100644 index 42afbab36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_20.png deleted file mode 100644 index 28b404fc8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character10/0334_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_01.png deleted file mode 100644 index 497f92422..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_02.png deleted file mode 100644 index bda758fa2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_03.png deleted file mode 100644 index b11ea6e89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_04.png deleted file mode 100644 index ef23885bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_05.png deleted file mode 100644 index 556885d4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_06.png deleted file mode 100644 index 591155f04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_07.png deleted file mode 100644 index 9aa20312c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_08.png deleted file mode 100644 index e2f169a65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_09.png deleted file mode 100644 index fa34a7cea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_10.png deleted file mode 100644 index 1b2fa2930..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_11.png deleted file mode 100644 index bb38e2ae7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_12.png deleted file mode 100644 index 7222511eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_13.png deleted file mode 100644 index bee03599d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_14.png deleted file mode 100644 index 1dd896ecf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_15.png deleted file mode 100644 index 7e45cc1bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_16.png deleted file mode 100644 index ec5e3d010..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_17.png deleted file mode 100644 index adc2b304b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_18.png deleted file mode 100644 index 00361d36c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_19.png deleted file mode 100644 index 2e07e6d45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_20.png deleted file mode 100644 index fd3fecf7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character11/0335_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_01.png deleted file mode 100644 index c89547ad5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_02.png deleted file mode 100644 index 0f0ef3e66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_03.png deleted file mode 100644 index 28d36f430..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_04.png deleted file mode 100644 index 598795c81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_05.png deleted file mode 100644 index 321a67be1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_06.png deleted file mode 100644 index bdb162324..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_07.png deleted file mode 100644 index 20db93f4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_08.png deleted file mode 100644 index 25ec7fc66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_09.png deleted file mode 100644 index 730a652ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_10.png deleted file mode 100644 index 816d9b602..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_11.png deleted file mode 100644 index ced7bd2dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_12.png deleted file mode 100644 index f83dfc167..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_13.png deleted file mode 100644 index 2bd335108..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_14.png deleted file mode 100644 index d45efe00d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_15.png deleted file mode 100644 index 445161995..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_16.png deleted file mode 100644 index f8c68f14f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_17.png deleted file mode 100644 index 371444164..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_18.png deleted file mode 100644 index 2e497bdfb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_19.png deleted file mode 100644 index 9d66b9125..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_20.png deleted file mode 100644 index eb1914af6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character12/0336_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_01.png deleted file mode 100644 index c59e0d316..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_02.png deleted file mode 100644 index 8af6355ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_03.png deleted file mode 100644 index 22d379f3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_04.png deleted file mode 100644 index 3fe33e8cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_05.png deleted file mode 100644 index 59430a252..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_06.png deleted file mode 100644 index 99bc009b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_07.png deleted file mode 100644 index 107bcd4f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_08.png deleted file mode 100644 index a3fb7fee7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_09.png deleted file mode 100644 index 2cc8a2191..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_10.png deleted file mode 100644 index 51efc0187..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_11.png deleted file mode 100644 index a7340a172..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_12.png deleted file mode 100644 index 9df2780d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_13.png deleted file mode 100644 index 8e4ffcd1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_14.png deleted file mode 100644 index 372405c06..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_15.png deleted file mode 100644 index a4a0a2559..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_16.png deleted file mode 100644 index 49f7cb5e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_17.png deleted file mode 100644 index 5c82f46d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_18.png deleted file mode 100644 index 506006153..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_19.png deleted file mode 100644 index 099734bf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_20.png deleted file mode 100644 index 557158538..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character13/0337_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_01.png deleted file mode 100644 index 9a0ec9ab0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_02.png deleted file mode 100644 index 2e12e5e68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_03.png deleted file mode 100644 index e2aee6458..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_04.png deleted file mode 100644 index e2dfe77ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_05.png deleted file mode 100644 index d811fa038..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_06.png deleted file mode 100644 index be1707cb0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_07.png deleted file mode 100644 index 41c4495c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_08.png deleted file mode 100644 index b46a08c9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_09.png deleted file mode 100644 index 97d44c746..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_10.png deleted file mode 100644 index 0c3679aca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_11.png deleted file mode 100644 index ec83318d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_12.png deleted file mode 100644 index c030b3f20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_13.png deleted file mode 100644 index 293a421dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_14.png deleted file mode 100644 index 02ab5b4fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_15.png deleted file mode 100644 index e74103625..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_16.png deleted file mode 100644 index 35dcb82f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_17.png deleted file mode 100644 index 6e736f6d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_18.png deleted file mode 100644 index 6bb445b29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_19.png deleted file mode 100644 index 39b95c892..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_20.png deleted file mode 100644 index 18efd0ecd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character14/0338_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_01.png deleted file mode 100644 index 0f65241e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_02.png deleted file mode 100644 index b35bd35eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_03.png deleted file mode 100644 index 0ac777f4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_04.png deleted file mode 100644 index 98301665c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_05.png deleted file mode 100644 index 44b3f46fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_06.png deleted file mode 100644 index 3d98dba43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_07.png deleted file mode 100644 index fbf9c6c63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_08.png deleted file mode 100644 index db8e1068c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_09.png deleted file mode 100644 index a84ab7e4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_10.png deleted file mode 100644 index b6a1712b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_11.png deleted file mode 100644 index d9264c01f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_12.png deleted file mode 100644 index cf7a1dc4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_13.png deleted file mode 100644 index 045d1b4aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_14.png deleted file mode 100644 index 80fa1d57f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_15.png deleted file mode 100644 index 3cdb826c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_16.png deleted file mode 100644 index e308e9057..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_17.png deleted file mode 100644 index b93f315ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_18.png deleted file mode 100644 index 09e755cc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_19.png deleted file mode 100644 index dc79ae589..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_20.png deleted file mode 100644 index dce61e745..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character15/0339_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_01.png deleted file mode 100644 index bd788deba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_02.png deleted file mode 100644 index 18a939e87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_03.png deleted file mode 100644 index dfc5a3563..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_04.png deleted file mode 100644 index b9c99224b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_05.png deleted file mode 100644 index a1e5d332d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_06.png deleted file mode 100644 index b087a3583..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_07.png deleted file mode 100644 index feacb12cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_08.png deleted file mode 100644 index cf3966bfd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_09.png deleted file mode 100644 index 96e27563a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_10.png deleted file mode 100644 index 0b9578348..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_11.png deleted file mode 100644 index e7367ece2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_12.png deleted file mode 100644 index ac65619ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_13.png deleted file mode 100644 index 51a73377f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_14.png deleted file mode 100644 index c3e73eadf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_15.png deleted file mode 100644 index 1d3ee59bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_16.png deleted file mode 100644 index 88cd13116..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_17.png deleted file mode 100644 index 9dba0a9b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_18.png deleted file mode 100644 index 0518988f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_19.png deleted file mode 100644 index 4459d750d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_20.png deleted file mode 100644 index 9c0c79b59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character16/0340_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_01.png deleted file mode 100644 index 44c61bb2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_02.png deleted file mode 100644 index 10f7f4bf0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_03.png deleted file mode 100644 index b8fc7a3a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_04.png deleted file mode 100644 index ff0b538d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_05.png deleted file mode 100644 index 1a0c30fb3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_06.png deleted file mode 100644 index c86e67094..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_07.png deleted file mode 100644 index 560aa4ac1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_08.png deleted file mode 100644 index 8da143390..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_09.png deleted file mode 100644 index bf9b9aa51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_10.png deleted file mode 100644 index 56bca88a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_11.png deleted file mode 100644 index e968e30df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_12.png deleted file mode 100644 index a7f782742..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_13.png deleted file mode 100644 index 059c96cb0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_14.png deleted file mode 100644 index 4bfc01920..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_15.png deleted file mode 100644 index 77bdceaa9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_16.png deleted file mode 100644 index f86a9ee02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_17.png deleted file mode 100644 index 4007f4ee7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_18.png deleted file mode 100644 index cbbf52ba6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_19.png deleted file mode 100644 index bfefd1920..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_20.png deleted file mode 100644 index df476c32b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character17/0341_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_01.png deleted file mode 100644 index 0b760f058..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_02.png deleted file mode 100644 index 5b1aabca4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_03.png deleted file mode 100644 index cd0a12406..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_04.png deleted file mode 100644 index a4a60d421..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_05.png deleted file mode 100644 index 3bec3c574..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_06.png deleted file mode 100644 index d53834e1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_07.png deleted file mode 100644 index 065e8ecc2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_08.png deleted file mode 100644 index dceec6415..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_09.png deleted file mode 100644 index b0e7c6196..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_10.png deleted file mode 100644 index 4c2bc3948..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_11.png deleted file mode 100644 index d0f9dea54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_12.png deleted file mode 100644 index 7fd8bb539..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_13.png deleted file mode 100644 index d6bbceaa0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_14.png deleted file mode 100644 index 02a23fc78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_15.png deleted file mode 100644 index 44af838de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_16.png deleted file mode 100644 index 9b1995916..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_17.png deleted file mode 100644 index 2c30e534f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_18.png deleted file mode 100644 index b97771638..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_19.png deleted file mode 100644 index 0ebc962f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_20.png deleted file mode 100644 index e75486144..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character18/0342_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_01.png deleted file mode 100644 index 8dfad632c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_02.png deleted file mode 100644 index 5541d09c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_03.png deleted file mode 100644 index 7c047ce4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_04.png deleted file mode 100644 index 3e30c582c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_05.png deleted file mode 100644 index 5ac9a206e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_06.png deleted file mode 100644 index 3f4216808..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_07.png deleted file mode 100644 index 56a38f886..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_08.png deleted file mode 100644 index aef598af3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_09.png deleted file mode 100644 index 2d69c3fc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_10.png deleted file mode 100644 index 022a0cadd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_11.png deleted file mode 100644 index 871ddbdf8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_12.png deleted file mode 100644 index 9524cf916..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_13.png deleted file mode 100644 index e2dcfc5f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_14.png deleted file mode 100644 index 4ac2d8628..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_15.png deleted file mode 100644 index 41a23db6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_16.png deleted file mode 100644 index 4a5338f17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_17.png deleted file mode 100644 index d1657a2e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_18.png deleted file mode 100644 index 9d02ee359..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_19.png deleted file mode 100644 index 9f6d6f756..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_20.png deleted file mode 100644 index 30de9e73d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character19/0343_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_01.png deleted file mode 100644 index c630354ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_02.png deleted file mode 100644 index 4846e899a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_03.png deleted file mode 100644 index 27c8d7bd7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_04.png deleted file mode 100644 index 43ab40be9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_05.png deleted file mode 100644 index ff126d52e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_06.png deleted file mode 100644 index ea3ebbcb3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_07.png deleted file mode 100644 index 011b4fefd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_08.png deleted file mode 100644 index 4c1db2953..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_09.png deleted file mode 100644 index 147fac497..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_10.png deleted file mode 100644 index 9a3db5a1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_11.png deleted file mode 100644 index 7badbc9af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_12.png deleted file mode 100644 index e7af8b879..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_13.png deleted file mode 100644 index f3a9616ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_14.png deleted file mode 100644 index bb909b447..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_15.png deleted file mode 100644 index 62adcb7e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_16.png deleted file mode 100644 index 143ea2a39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_17.png deleted file mode 100644 index fc536749c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_18.png deleted file mode 100644 index 08ab5f052..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_19.png deleted file mode 100644 index 1b111b44c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_20.png deleted file mode 100644 index df5f1f1e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character20/0344_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_01.png deleted file mode 100644 index 046cc50a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_02.png deleted file mode 100644 index f29479115..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_03.png deleted file mode 100644 index e7afb386d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_04.png deleted file mode 100644 index b8fbf0c6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_05.png deleted file mode 100644 index bdcb15c24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_06.png deleted file mode 100644 index fc0803774..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_07.png deleted file mode 100644 index c75738d4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_08.png deleted file mode 100644 index fdfcd77c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_09.png deleted file mode 100644 index f9ca6ac8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_10.png deleted file mode 100644 index 55d1f2545..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_11.png deleted file mode 100644 index 14f32d4be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_12.png deleted file mode 100644 index 1fa676234..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_13.png deleted file mode 100644 index 7a74f9fd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_14.png deleted file mode 100644 index 8f19a321a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_15.png deleted file mode 100644 index dbe8b8bb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_16.png deleted file mode 100644 index cba75caf6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_17.png deleted file mode 100644 index ea2d47349..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_18.png deleted file mode 100644 index ceda52575..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_19.png deleted file mode 100644 index 0e9ba21db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_20.png deleted file mode 100644 index f0ae51437..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character21/0345_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_01.png deleted file mode 100644 index cffbff987..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_02.png deleted file mode 100644 index ada8d1712..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_03.png deleted file mode 100644 index 1d281a2a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_04.png deleted file mode 100644 index 79eff22ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_05.png deleted file mode 100644 index d18e9a388..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_06.png deleted file mode 100644 index 31b9f7983..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_07.png deleted file mode 100644 index 6ea1720e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_08.png deleted file mode 100644 index 7e1768acb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_09.png deleted file mode 100644 index c983c4c29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_10.png deleted file mode 100644 index 92406bd5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_11.png deleted file mode 100644 index 49f879ee0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_12.png deleted file mode 100644 index 9f5a158f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_13.png deleted file mode 100644 index 083c8c5b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_14.png deleted file mode 100644 index aaddfee0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_15.png deleted file mode 100644 index 7092d5b90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_16.png deleted file mode 100644 index 4167af04a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_17.png deleted file mode 100644 index 9a3fb04da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_18.png deleted file mode 100644 index 8544a310e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_19.png deleted file mode 100644 index fd7e5aba9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_20.png deleted file mode 100644 index 0f7cee9dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character22/0346_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_01.png deleted file mode 100644 index 6e22aacb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_02.png deleted file mode 100644 index fb257889b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_03.png deleted file mode 100644 index aa758a7de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_04.png deleted file mode 100644 index c6631ff88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_05.png deleted file mode 100644 index 3a75b7239..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_06.png deleted file mode 100644 index 71df0f877..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_07.png deleted file mode 100644 index 30817d84d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_08.png deleted file mode 100644 index dd324ffd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_09.png deleted file mode 100644 index 2a8cca86a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_10.png deleted file mode 100644 index fa47c3a09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_11.png deleted file mode 100644 index ff9678604..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_12.png deleted file mode 100644 index dc5850517..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_13.png deleted file mode 100644 index ba71b3031..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_14.png deleted file mode 100644 index f88eb557c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_15.png deleted file mode 100644 index a73f130e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_16.png deleted file mode 100644 index 02916752d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_17.png deleted file mode 100644 index de15b8f62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_18.png deleted file mode 100644 index 8df9f721d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_19.png deleted file mode 100644 index ebc983ad3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_20.png deleted file mode 100644 index f27cdd1ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character23/0347_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_01.png deleted file mode 100644 index 2a9e77c49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_02.png deleted file mode 100644 index b1d38c6a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_03.png deleted file mode 100644 index 44c5d6778..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_04.png deleted file mode 100644 index fa1ee18ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_05.png deleted file mode 100644 index 67c983c92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_06.png deleted file mode 100644 index 8e2825d28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_07.png deleted file mode 100644 index 98df58353..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_08.png deleted file mode 100644 index 519e5976d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_09.png deleted file mode 100644 index 06eade64a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_10.png deleted file mode 100644 index c791bea7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_11.png deleted file mode 100644 index 1d670c8b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_12.png deleted file mode 100644 index 6fcbca540..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_13.png deleted file mode 100644 index 8522f1ff5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_14.png deleted file mode 100644 index 13c024755..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_15.png deleted file mode 100644 index 00d812d93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_16.png deleted file mode 100644 index 4a0b2e0ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_17.png deleted file mode 100644 index f25b82857..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_18.png deleted file mode 100644 index 954c37cd4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_19.png deleted file mode 100644 index d63984dfc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_20.png deleted file mode 100644 index a0c2a8e84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character24/0348_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_01.png deleted file mode 100644 index c0293f38b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_02.png deleted file mode 100644 index bee3a2818..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_03.png deleted file mode 100644 index 612fe83b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_04.png deleted file mode 100644 index 7226adbb3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_05.png deleted file mode 100644 index b9acc7b8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_06.png deleted file mode 100644 index 4b7b9aba4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_07.png deleted file mode 100644 index ded3ed8b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_08.png deleted file mode 100644 index 1a5e024e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_09.png deleted file mode 100644 index 8ef691486..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_10.png deleted file mode 100644 index 7844f34db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_11.png deleted file mode 100644 index e06112c11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_12.png deleted file mode 100644 index 509823cbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_13.png deleted file mode 100644 index 24cb9d64d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_14.png deleted file mode 100644 index 62a6686bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_15.png deleted file mode 100644 index 78f67059c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_16.png deleted file mode 100644 index d7225788d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_17.png deleted file mode 100644 index 331529ecd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_18.png deleted file mode 100644 index c051f8cb1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_19.png deleted file mode 100644 index 1919e2cbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_20.png deleted file mode 100644 index 773d667eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character25/0349_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_01.png deleted file mode 100644 index 67a363277..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_02.png deleted file mode 100644 index 5b17e5e81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_03.png deleted file mode 100644 index 5374380ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_04.png deleted file mode 100644 index caa07476f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_05.png deleted file mode 100644 index bdae7d4f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_06.png deleted file mode 100644 index 8d2408a3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_07.png deleted file mode 100644 index 5294d1a11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_08.png deleted file mode 100644 index 3576f2157..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_09.png deleted file mode 100644 index aaba8028f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_10.png deleted file mode 100644 index 0ac56f0e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_11.png deleted file mode 100644 index ff59f1f99..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_12.png deleted file mode 100644 index bce9927ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_13.png deleted file mode 100644 index 62c4c4ef8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_14.png deleted file mode 100644 index 20c3fa3c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_15.png deleted file mode 100644 index d03908e9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_16.png deleted file mode 100644 index b7dc06d85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_17.png deleted file mode 100644 index 8f8292a6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_18.png deleted file mode 100644 index 731533d83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_19.png deleted file mode 100644 index 1a9ea8f54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_20.png deleted file mode 100644 index b722f8d72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Futurama/character26/0350_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_01.png deleted file mode 100644 index 0e620b2aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_02.png deleted file mode 100644 index 4887d2b5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_03.png deleted file mode 100644 index 3592952e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_04.png deleted file mode 100644 index d028b3a13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_05.png deleted file mode 100644 index 0999fa577..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_06.png deleted file mode 100644 index 0425c70bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_07.png deleted file mode 100644 index c225f1252..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_08.png deleted file mode 100644 index b22ce2276..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_09.png deleted file mode 100644 index 73bdfc12e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_10.png deleted file mode 100644 index 6d6a77ed6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_11.png deleted file mode 100644 index d55b89f8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_12.png deleted file mode 100644 index c235e66f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_13.png deleted file mode 100644 index 3edece8c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_14.png deleted file mode 100644 index 935d72daf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_15.png deleted file mode 100644 index fc249ce10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_16.png deleted file mode 100644 index 96407cebc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_17.png deleted file mode 100644 index 11463ac93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_18.png deleted file mode 100644 index a6d01139b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_19.png deleted file mode 100644 index fa81478c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_20.png deleted file mode 100644 index 689c8f743..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character01/0351_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_01.png deleted file mode 100644 index 6f836febd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_02.png deleted file mode 100644 index 76def2649..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_03.png deleted file mode 100644 index 84a15f553..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_04.png deleted file mode 100644 index e6bf37a7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_05.png deleted file mode 100644 index c726f3806..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_06.png deleted file mode 100644 index 3a6ec3776..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_07.png deleted file mode 100644 index 565dad2b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_08.png deleted file mode 100644 index a616e8e97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_09.png deleted file mode 100644 index 19bbaa65b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_10.png deleted file mode 100644 index 553bf53cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_11.png deleted file mode 100644 index f5418abc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_12.png deleted file mode 100644 index 6c9981349..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_13.png deleted file mode 100644 index 7a048d4bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_14.png deleted file mode 100644 index b0c5c2cba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_15.png deleted file mode 100644 index b2790b5f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_16.png deleted file mode 100644 index 4e5582eed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_17.png deleted file mode 100644 index 8c0b00d17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_18.png deleted file mode 100644 index 0c62ff8be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_19.png deleted file mode 100644 index 609660d90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_20.png deleted file mode 100644 index e3a0bce9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character02/0352_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_01.png deleted file mode 100644 index adc17039d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_02.png deleted file mode 100644 index eae25e660..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_03.png deleted file mode 100644 index d5d1212da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_04.png deleted file mode 100644 index 3ab144cd6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_05.png deleted file mode 100644 index 3348c1161..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_06.png deleted file mode 100644 index f053df19a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_07.png deleted file mode 100644 index 98215dd64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_08.png deleted file mode 100644 index 68c231bf7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_09.png deleted file mode 100644 index b50fa0c83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_10.png deleted file mode 100644 index c3cce864f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_11.png deleted file mode 100644 index b319273dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_12.png deleted file mode 100644 index 5be8a10e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_13.png deleted file mode 100644 index 1e818b185..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_14.png deleted file mode 100644 index 9750a5185..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_15.png deleted file mode 100644 index d73ec3d18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_16.png deleted file mode 100644 index 3cbdf3a39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_17.png deleted file mode 100644 index b3bef4be5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_18.png deleted file mode 100644 index bf0f2d276..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_19.png deleted file mode 100644 index c10e061dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_20.png deleted file mode 100644 index e78f17d50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character03/0353_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_01.png deleted file mode 100644 index f49fd6988..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_02.png deleted file mode 100644 index 94d1d647b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_03.png deleted file mode 100644 index 3cc93548a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_04.png deleted file mode 100644 index 581bfd6cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_05.png deleted file mode 100644 index 8f8bf2833..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_06.png deleted file mode 100644 index 9169f5bb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_07.png deleted file mode 100644 index 6f972ba13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_08.png deleted file mode 100644 index 59cbc8a55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_09.png deleted file mode 100644 index 3489d6a5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_10.png deleted file mode 100644 index 1663e0c04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_11.png deleted file mode 100644 index 8010ff17d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_12.png deleted file mode 100644 index f45ace436..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_13.png deleted file mode 100644 index 2f12b5565..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_14.png deleted file mode 100644 index e56824af2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_15.png deleted file mode 100644 index b76e9c8d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_16.png deleted file mode 100644 index ea2ca1a72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_17.png deleted file mode 100644 index 2703c7813..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_18.png deleted file mode 100644 index c6c8328bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_19.png deleted file mode 100644 index 183e861a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_20.png deleted file mode 100644 index 76ad6cf58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character04/0354_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_01.png deleted file mode 100644 index 84fc21576..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_02.png deleted file mode 100644 index 63dda2af2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_03.png deleted file mode 100644 index 9dfdb094e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_04.png deleted file mode 100644 index f9dd9f9a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_05.png deleted file mode 100644 index 22ba60337..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_06.png deleted file mode 100644 index acd600414..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_07.png deleted file mode 100644 index 39be79604..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_08.png deleted file mode 100644 index b0f8c5f1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_09.png deleted file mode 100644 index f4f3d6329..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_10.png deleted file mode 100644 index 2b694bfae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_11.png deleted file mode 100644 index a7942a5db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_12.png deleted file mode 100644 index b707142d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_13.png deleted file mode 100644 index 06acb76c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_14.png deleted file mode 100644 index 59b6949b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_15.png deleted file mode 100644 index 2a877f1e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_16.png deleted file mode 100644 index f79df8cd7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_17.png deleted file mode 100644 index a6e92d11e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_18.png deleted file mode 100644 index cc67bf95f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_19.png deleted file mode 100644 index b54ad296b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_20.png deleted file mode 100644 index d3234b95f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character05/0355_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_01.png deleted file mode 100644 index ec7c7b337..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_02.png deleted file mode 100644 index 1668fe0db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_03.png deleted file mode 100644 index 97bb85a05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_04.png deleted file mode 100644 index fd9f31373..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_05.png deleted file mode 100644 index 1e0dca3ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_06.png deleted file mode 100644 index 5e9aae9ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_07.png deleted file mode 100644 index b335fc56e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_08.png deleted file mode 100644 index 58f64a2e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_09.png deleted file mode 100644 index 8e9317766..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_10.png deleted file mode 100644 index 3d8278b58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_11.png deleted file mode 100644 index af4be3a8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_12.png deleted file mode 100644 index 3d759665e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_13.png deleted file mode 100644 index 3436725ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_14.png deleted file mode 100644 index 70fd821cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_15.png deleted file mode 100644 index f2621919e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_16.png deleted file mode 100644 index d6296bd64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_17.png deleted file mode 100644 index 88903e631..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_18.png deleted file mode 100644 index 180c03ae1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_19.png deleted file mode 100644 index b11d02cbb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_20.png deleted file mode 100644 index aeb00d586..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character06/0356_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_01.png deleted file mode 100644 index e87af5eb5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_02.png deleted file mode 100644 index 23b3456a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_03.png deleted file mode 100644 index 903f962dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_04.png deleted file mode 100644 index acb3eb631..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_05.png deleted file mode 100644 index 9db020467..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_06.png deleted file mode 100644 index 7f11d52c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_07.png deleted file mode 100644 index fecc4a1c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_08.png deleted file mode 100644 index 41bf11703..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_09.png deleted file mode 100644 index a67e99db2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_10.png deleted file mode 100644 index b5a985ea8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_11.png deleted file mode 100644 index fe5a58a7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_12.png deleted file mode 100644 index 060fc1b80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_13.png deleted file mode 100644 index f4501e0eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_14.png deleted file mode 100644 index 9995e3453..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_15.png deleted file mode 100644 index 2ddf98f52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_16.png deleted file mode 100644 index 449c5a104..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_17.png deleted file mode 100644 index 2df72587a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_18.png deleted file mode 100644 index ace0a8039..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_19.png deleted file mode 100644 index 364b8a07f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_20.png deleted file mode 100644 index f04368441..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character07/0357_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_01.png deleted file mode 100644 index 28c806128..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_02.png deleted file mode 100644 index 7c7aaab8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_03.png deleted file mode 100644 index 873477486..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_04.png deleted file mode 100644 index c6f7832b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_05.png deleted file mode 100644 index 657872062..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_06.png deleted file mode 100644 index 76298394b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_07.png deleted file mode 100644 index 993592b5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_08.png deleted file mode 100644 index d29a97302..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_09.png deleted file mode 100644 index e22774585..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_10.png deleted file mode 100644 index dd432caa7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_11.png deleted file mode 100644 index 1ddeaf980..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_12.png deleted file mode 100644 index 695a37558..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_13.png deleted file mode 100644 index b9d3214d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_14.png deleted file mode 100644 index 34bc959da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_15.png deleted file mode 100644 index a17c9bd4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_16.png deleted file mode 100644 index 90591875d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_17.png deleted file mode 100644 index c1a8e3b97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_18.png deleted file mode 100644 index e7ffb5f63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_19.png deleted file mode 100644 index 912ed3fbf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_20.png deleted file mode 100644 index c630ba7d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character08/0358_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_01.png deleted file mode 100644 index bfb537d55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_02.png deleted file mode 100644 index 5ef2cae69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_03.png deleted file mode 100644 index 248cea20b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_04.png deleted file mode 100644 index 5c33731b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_05.png deleted file mode 100644 index a0faed573..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_06.png deleted file mode 100644 index db3a3a345..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_07.png deleted file mode 100644 index e09164056..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_08.png deleted file mode 100644 index 322927d57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_09.png deleted file mode 100644 index f35de435e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_10.png deleted file mode 100644 index e70ca7fef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_11.png deleted file mode 100644 index 6a1770c1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_12.png deleted file mode 100644 index 08497d146..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_13.png deleted file mode 100644 index afdc52a8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_14.png deleted file mode 100644 index a2ff8c1b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_15.png deleted file mode 100644 index 001a8e725..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_16.png deleted file mode 100644 index 601784854..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_17.png deleted file mode 100644 index 083e54db7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_18.png deleted file mode 100644 index 975dd8373..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_19.png deleted file mode 100644 index 0cd9e7a38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_20.png deleted file mode 100644 index 05cf2b8d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character09/0359_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_01.png deleted file mode 100644 index cb105f083..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_02.png deleted file mode 100644 index 67b340306..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_03.png deleted file mode 100644 index 89335a38c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_04.png deleted file mode 100644 index 27e4cdc2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_05.png deleted file mode 100644 index de82e7fb1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_06.png deleted file mode 100644 index f505bda8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_07.png deleted file mode 100644 index cf2e4da50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_08.png deleted file mode 100644 index cbf92fab4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_09.png deleted file mode 100644 index cc9abaec8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_10.png deleted file mode 100644 index 5d888d047..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_11.png deleted file mode 100644 index 63a6583d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_12.png deleted file mode 100644 index 329041570..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_13.png deleted file mode 100644 index ee76f5a28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_14.png deleted file mode 100644 index ad3c71acb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_15.png deleted file mode 100644 index 8814c06af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_16.png deleted file mode 100644 index 7067c953d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_17.png deleted file mode 100644 index f72bd97b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_18.png deleted file mode 100644 index ad74333d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_19.png deleted file mode 100644 index 0c86c0d6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_20.png deleted file mode 100644 index 5aa29d920..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character10/0360_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_01.png deleted file mode 100644 index 44624f764..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_02.png deleted file mode 100644 index 4ab5741b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_03.png deleted file mode 100644 index 428d9c584..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_04.png deleted file mode 100644 index 50dbd833f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_05.png deleted file mode 100644 index 61e393409..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_06.png deleted file mode 100644 index a025e87be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_07.png deleted file mode 100644 index 2cebbfb52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_08.png deleted file mode 100644 index 2e9842f4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_09.png deleted file mode 100644 index d4dc2f561..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_10.png deleted file mode 100644 index 4d0aa5ca4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_11.png deleted file mode 100644 index 3b3ec4a1d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_12.png deleted file mode 100644 index 1f43f6d83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_13.png deleted file mode 100644 index adecf0a77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_14.png deleted file mode 100644 index 56f6acf70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_15.png deleted file mode 100644 index 8f5a8d6e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_16.png deleted file mode 100644 index 95fee1086..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_17.png deleted file mode 100644 index 8c427df96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_18.png deleted file mode 100644 index e55af7f4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_19.png deleted file mode 100644 index 434999673..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_20.png deleted file mode 100644 index f536e111a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character11/0361_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_01.png deleted file mode 100644 index 5e309b0b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_02.png deleted file mode 100644 index 8537066ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_03.png deleted file mode 100644 index 1e21b037d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_04.png deleted file mode 100644 index 460ca8e91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_05.png deleted file mode 100644 index ba6de2609..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_06.png deleted file mode 100644 index f967f737d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_07.png deleted file mode 100644 index 32d35c972..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_08.png deleted file mode 100644 index 0f3095dc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_09.png deleted file mode 100644 index 97be63eda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_10.png deleted file mode 100644 index c790cf398..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_11.png deleted file mode 100644 index e605d4851..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_12.png deleted file mode 100644 index b37e8d9fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_13.png deleted file mode 100644 index b43c16527..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_14.png deleted file mode 100644 index 736090a5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_15.png deleted file mode 100644 index 32a8fe64e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_16.png deleted file mode 100644 index 568eadfe1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_17.png deleted file mode 100644 index 18e498c0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_18.png deleted file mode 100644 index 61cb6254c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_19.png deleted file mode 100644 index 8732e88c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_20.png deleted file mode 100644 index 5100046c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character12/0362_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_01.png deleted file mode 100644 index 3b436dd41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_02.png deleted file mode 100644 index 9ac364649..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_03.png deleted file mode 100644 index f7e8ff323..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_04.png deleted file mode 100644 index 141b63676..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_05.png deleted file mode 100644 index 8c40dad87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_06.png deleted file mode 100644 index bd3dd6b52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_07.png deleted file mode 100644 index 536d6fefe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_08.png deleted file mode 100644 index 928ad7ef6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_09.png deleted file mode 100644 index 26d8420bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_10.png deleted file mode 100644 index 7b0245209..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_11.png deleted file mode 100644 index d095cacd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_12.png deleted file mode 100644 index 615ecbfba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_13.png deleted file mode 100644 index 559f722c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_14.png deleted file mode 100644 index d2359d251..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_15.png deleted file mode 100644 index 68fe19870..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_16.png deleted file mode 100644 index 1b8ea0013..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_17.png deleted file mode 100644 index b31fcd626..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_18.png deleted file mode 100644 index 7053d3fa1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_19.png deleted file mode 100644 index 34e850aa9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_20.png deleted file mode 100644 index f84e64346..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character13/0363_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_01.png deleted file mode 100644 index 3a6dd2814..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_02.png deleted file mode 100644 index 64f43c1d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_03.png deleted file mode 100644 index 2ef7e624c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_04.png deleted file mode 100644 index 7b57a42c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_05.png deleted file mode 100644 index ef0a81eea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_06.png deleted file mode 100644 index 72f81937e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_07.png deleted file mode 100644 index e1f395c9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_08.png deleted file mode 100644 index affe39978..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_09.png deleted file mode 100644 index 710af8ceb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_10.png deleted file mode 100644 index ed557da34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_11.png deleted file mode 100644 index c6b873f27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_12.png deleted file mode 100644 index b43edc11a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_13.png deleted file mode 100644 index 6e4162cd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_14.png deleted file mode 100644 index 79819da0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_15.png deleted file mode 100644 index 45d9dfefb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_16.png deleted file mode 100644 index 83548bfdb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_17.png deleted file mode 100644 index 04f293aaf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_18.png deleted file mode 100644 index 1ef23136d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_19.png deleted file mode 100644 index 5a3858a19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_20.png deleted file mode 100644 index a680ea895..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character14/0364_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_01.png deleted file mode 100644 index e84cf2f16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_02.png deleted file mode 100644 index 839487a95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_03.png deleted file mode 100644 index 78916f14b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_04.png deleted file mode 100644 index 47a172527..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_05.png deleted file mode 100644 index e4ac20da6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_06.png deleted file mode 100644 index 0e45b33a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_07.png deleted file mode 100644 index 4e0dd9a85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_08.png deleted file mode 100644 index b55e9b5c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_09.png deleted file mode 100644 index ab6b1147a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_10.png deleted file mode 100644 index b8084f2d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_11.png deleted file mode 100644 index 99b4fc7f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_12.png deleted file mode 100644 index 8cb5cd5e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_13.png deleted file mode 100644 index 3f13f335d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_14.png deleted file mode 100644 index f6e4c8ec7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_15.png deleted file mode 100644 index 9137db21f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_16.png deleted file mode 100644 index 1faf551a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_17.png deleted file mode 100644 index 544b0a8d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_18.png deleted file mode 100644 index e445df3ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_19.png deleted file mode 100644 index edab36bc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_20.png deleted file mode 100644 index 02b49f943..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character15/0365_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_01.png deleted file mode 100644 index a8b5cdf4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_02.png deleted file mode 100644 index 67e54f33c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_03.png deleted file mode 100644 index 42299cf4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_04.png deleted file mode 100644 index a5978409e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_05.png deleted file mode 100644 index 95cc1e51b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_06.png deleted file mode 100644 index 6b7e6efe3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_07.png deleted file mode 100644 index f6a225454..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_08.png deleted file mode 100644 index cfde88540..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_09.png deleted file mode 100644 index 52b878904..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_10.png deleted file mode 100644 index 8dddd3207..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_11.png deleted file mode 100644 index eaf29355a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_12.png deleted file mode 100644 index efb778cda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_13.png deleted file mode 100644 index 47dfbf504..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_14.png deleted file mode 100644 index 17e7e683b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_15.png deleted file mode 100644 index 0f06572cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_16.png deleted file mode 100644 index db5cb53b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_17.png deleted file mode 100644 index 23f7c5c0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_18.png deleted file mode 100644 index 8f58dc32d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_19.png deleted file mode 100644 index fcc0e0a28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_20.png deleted file mode 100644 index 752a9a0f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character16/0366_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_01.png deleted file mode 100644 index 92e37b10d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_02.png deleted file mode 100644 index 799b4ce20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_03.png deleted file mode 100644 index 1d197096d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_04.png deleted file mode 100644 index e6da4096a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_05.png deleted file mode 100644 index 4466da01c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_06.png deleted file mode 100644 index d6e1cda8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_07.png deleted file mode 100644 index f11ef07a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_08.png deleted file mode 100644 index c2a1c21e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_09.png deleted file mode 100644 index 9988ddfb5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_10.png deleted file mode 100644 index a2633ebf1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_11.png deleted file mode 100644 index e388400f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_12.png deleted file mode 100644 index 7565e58c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_13.png deleted file mode 100644 index 4640b96a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_14.png deleted file mode 100644 index b7119ee79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_15.png deleted file mode 100644 index 52ca41aa6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_16.png deleted file mode 100644 index 48b7489e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_17.png deleted file mode 100644 index f65f0c2ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_18.png deleted file mode 100644 index 2591d5745..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_19.png deleted file mode 100644 index f83eaa917..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_20.png deleted file mode 100644 index 1c7daee77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character17/0367_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_01.png deleted file mode 100644 index 5cf6b6f35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_02.png deleted file mode 100644 index db314a863..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_03.png deleted file mode 100644 index 8cf840f3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_04.png deleted file mode 100644 index 4eb5bdb8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_05.png deleted file mode 100644 index 7c363b402..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_06.png deleted file mode 100644 index 4ad362d28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_07.png deleted file mode 100644 index d812b2f8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_08.png deleted file mode 100644 index c25c40376..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_09.png deleted file mode 100644 index 713465f4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_10.png deleted file mode 100644 index 4f5d5b97f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_11.png deleted file mode 100644 index 2bd2ad4ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_12.png deleted file mode 100644 index 2d3f0bd37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_13.png deleted file mode 100644 index 1ef6289ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_14.png deleted file mode 100644 index 034fad1ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_15.png deleted file mode 100644 index f1b3daf5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_16.png deleted file mode 100644 index b2d0921d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_17.png deleted file mode 100644 index 0f82fec44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_18.png deleted file mode 100644 index 1b32b2b54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_19.png deleted file mode 100644 index bde6c4f74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_20.png deleted file mode 100644 index 264792dd7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character18/0368_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_01.png deleted file mode 100644 index 9853ffa9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_02.png deleted file mode 100644 index 0b92ff085..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_03.png deleted file mode 100644 index b6c5f8e6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_04.png deleted file mode 100644 index 3cd797522..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_05.png deleted file mode 100644 index 1c4930a37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_06.png deleted file mode 100644 index 37aae6561..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_07.png deleted file mode 100644 index facf96901..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_08.png deleted file mode 100644 index 318850aa5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_09.png deleted file mode 100644 index fafbfcc87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_10.png deleted file mode 100644 index 6de7a61ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_11.png deleted file mode 100644 index 5777b0bd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_12.png deleted file mode 100644 index 93cb496df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_13.png deleted file mode 100644 index 4de755247..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_14.png deleted file mode 100644 index 8728752d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_15.png deleted file mode 100644 index 36f5764c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_16.png deleted file mode 100644 index 61501f177..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_17.png deleted file mode 100644 index ff3abdfce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_18.png deleted file mode 100644 index 88e6cf0cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_19.png deleted file mode 100644 index bccc61259..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_20.png deleted file mode 100644 index 40aabe07e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character19/0369_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_01.png deleted file mode 100644 index f87e8dbc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_02.png deleted file mode 100644 index ead7f52f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_03.png deleted file mode 100644 index acfb0d35a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_04.png deleted file mode 100644 index ec48c5b3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_05.png deleted file mode 100644 index 05e27ed95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_06.png deleted file mode 100644 index 5f9c4f633..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_07.png deleted file mode 100644 index 5e654831d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_08.png deleted file mode 100644 index 5303b2a51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_09.png deleted file mode 100644 index ab6cac8be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_10.png deleted file mode 100644 index 9295a3234..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_11.png deleted file mode 100644 index b2c75156f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_12.png deleted file mode 100644 index fde6370e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_13.png deleted file mode 100644 index bd27c9249..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_14.png deleted file mode 100644 index a0816aa11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_15.png deleted file mode 100644 index ee1e22c54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_16.png deleted file mode 100644 index dcc393d0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_17.png deleted file mode 100644 index 82881335e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_18.png deleted file mode 100644 index dc41149fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_19.png deleted file mode 100644 index ac8975b6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_20.png deleted file mode 100644 index 599a8eacb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character20/0370_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_01.png deleted file mode 100644 index 1916b8fb2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_02.png deleted file mode 100644 index dec16c780..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_03.png deleted file mode 100644 index e73e8eac3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_04.png deleted file mode 100644 index b2968695d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_05.png deleted file mode 100644 index 05b05c68b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_06.png deleted file mode 100644 index 679430d82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_07.png deleted file mode 100644 index 1f2dc2a8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_08.png deleted file mode 100644 index c2b404193..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_09.png deleted file mode 100644 index b9f814ce4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_10.png deleted file mode 100644 index ae73f8b9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_11.png deleted file mode 100644 index b5ce8badb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_12.png deleted file mode 100644 index da9e7d476..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_13.png deleted file mode 100644 index f9e896442..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_14.png deleted file mode 100644 index 1b3f3d753..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_15.png deleted file mode 100644 index 43606457c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_16.png deleted file mode 100644 index a9eb02f75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_17.png deleted file mode 100644 index fcc31b64a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_18.png deleted file mode 100644 index 76e4181c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_19.png deleted file mode 100644 index 4c4b76778..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_20.png deleted file mode 100644 index 46b4bfb01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character21/0371_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_01.png deleted file mode 100644 index d8536b2f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_02.png deleted file mode 100644 index 3a70d2d25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_03.png deleted file mode 100644 index f6f817eca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_04.png deleted file mode 100644 index 41c6bc287..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_05.png deleted file mode 100644 index 0db113c68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_06.png deleted file mode 100644 index a5659670b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_07.png deleted file mode 100644 index 55e04b399..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_08.png deleted file mode 100644 index dae289771..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_09.png deleted file mode 100644 index c6f40a00b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_10.png deleted file mode 100644 index a0c0b5294..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_11.png deleted file mode 100644 index f99906ea8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_12.png deleted file mode 100644 index 12814ad66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_13.png deleted file mode 100644 index 4d5292708..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_14.png deleted file mode 100644 index e61255e99..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_15.png deleted file mode 100644 index d13b0655a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_16.png deleted file mode 100644 index c0840b837..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_17.png deleted file mode 100644 index 50c4660ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_18.png deleted file mode 100644 index d2bf36519..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_19.png deleted file mode 100644 index 8ffff7420..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_20.png deleted file mode 100644 index 53b2d6121..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character22/0372_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_01.png deleted file mode 100644 index 0b50fa870..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_02.png deleted file mode 100644 index 8dfa9f259..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_03.png deleted file mode 100644 index 79f8fba8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_04.png deleted file mode 100644 index ff0ac56e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_05.png deleted file mode 100644 index 1c5a2aa28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_06.png deleted file mode 100644 index c6aea2b04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_07.png deleted file mode 100644 index b3bec687b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_08.png deleted file mode 100644 index 253fedee5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_09.png deleted file mode 100644 index 5e04e78c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_10.png deleted file mode 100644 index 88a33c23b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_11.png deleted file mode 100644 index bae122439..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_12.png deleted file mode 100644 index b51e6c03b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_13.png deleted file mode 100644 index 90ebaf6d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_14.png deleted file mode 100644 index d299d2f49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_15.png deleted file mode 100644 index 2a68565d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_16.png deleted file mode 100644 index 7393b662f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_17.png deleted file mode 100644 index 724634d92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_18.png deleted file mode 100644 index 9d0bf6322..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_19.png deleted file mode 100644 index a2170007b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_20.png deleted file mode 100644 index 241e994ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character23/0373_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_01.png deleted file mode 100644 index 7bf7a3e50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_02.png deleted file mode 100644 index fb82e5bed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_03.png deleted file mode 100644 index db50b90a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_04.png deleted file mode 100644 index 1b8933c82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_05.png deleted file mode 100644 index 0cb3d64c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_06.png deleted file mode 100644 index ba399de80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_07.png deleted file mode 100644 index 1e021b34a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_08.png deleted file mode 100644 index c9f7c2e76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_09.png deleted file mode 100644 index 7ecc4453f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_10.png deleted file mode 100644 index e9ed59ed7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_11.png deleted file mode 100644 index 784530366..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_12.png deleted file mode 100644 index 676b0695a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_13.png deleted file mode 100644 index 2f5984ba2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_14.png deleted file mode 100644 index db2cca954..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_15.png deleted file mode 100644 index a8b6350ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_16.png deleted file mode 100644 index 7b050523d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_17.png deleted file mode 100644 index 814daf9a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_18.png deleted file mode 100644 index d6365bcef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_19.png deleted file mode 100644 index 62b584e23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_20.png deleted file mode 100644 index bb47fb3de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character24/0374_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_01.png deleted file mode 100644 index 73fd16f04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_02.png deleted file mode 100644 index f271dc6cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_03.png deleted file mode 100644 index 52c8fc07a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_04.png deleted file mode 100644 index 54c0e428a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_05.png deleted file mode 100644 index 1c4fcaba0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_06.png deleted file mode 100644 index 226b556fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_07.png deleted file mode 100644 index 56647895d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_08.png deleted file mode 100644 index 03be9f883..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_09.png deleted file mode 100644 index 2e066c9a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_10.png deleted file mode 100644 index 7888dbda0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_11.png deleted file mode 100644 index 54732e400..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_12.png deleted file mode 100644 index d06d97b07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_13.png deleted file mode 100644 index f420e02d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_14.png deleted file mode 100644 index fe7418eab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_15.png deleted file mode 100644 index fcb93cbd5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_16.png deleted file mode 100644 index bce11dbaf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_17.png deleted file mode 100644 index 0ada35bcd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_18.png deleted file mode 100644 index f2022aa7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_19.png deleted file mode 100644 index 336678fee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_20.png deleted file mode 100644 index 8cfd6776c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character25/0375_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_01.png deleted file mode 100644 index 681bc049f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_02.png deleted file mode 100644 index e6c20d0bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_03.png deleted file mode 100644 index 916852e48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_04.png deleted file mode 100644 index 8c6e81c03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_05.png deleted file mode 100644 index ee9c1517f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_06.png deleted file mode 100644 index 0805fa379..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_07.png deleted file mode 100644 index a1d4b005e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_08.png deleted file mode 100644 index 700e0a985..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_09.png deleted file mode 100644 index 9091d38bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_10.png deleted file mode 100644 index adea084b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_11.png deleted file mode 100644 index fee05212d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_12.png deleted file mode 100644 index d9d98b00d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_13.png deleted file mode 100644 index d865a5c69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_14.png deleted file mode 100644 index e773e2aec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_15.png deleted file mode 100644 index 7af1281e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_16.png deleted file mode 100644 index d5763f612..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_17.png deleted file mode 100644 index aaf7ce00f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_18.png deleted file mode 100644 index df86f2923..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_19.png deleted file mode 100644 index 23d451078..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_20.png deleted file mode 100644 index d438d2174..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character26/0376_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_01.png deleted file mode 100644 index 4c97d7ace..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_02.png deleted file mode 100644 index 5f201e231..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_03.png deleted file mode 100644 index 39504ad38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_04.png deleted file mode 100644 index f2a08730e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_05.png deleted file mode 100644 index 57e507bdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_06.png deleted file mode 100644 index 39923b25f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_07.png deleted file mode 100644 index b6920b2b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_08.png deleted file mode 100644 index 5157d0c25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_09.png deleted file mode 100644 index 387c8540e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_10.png deleted file mode 100644 index 580e8d8e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_11.png deleted file mode 100644 index c469907a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_12.png deleted file mode 100644 index 6b9d8f1b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_13.png deleted file mode 100644 index 24b221e66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_14.png deleted file mode 100644 index 2aac5515b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_15.png deleted file mode 100644 index 8c64fae2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_16.png deleted file mode 100644 index df2ff39d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_17.png deleted file mode 100644 index 43f3b8995..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_18.png deleted file mode 100644 index ef039bce2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_19.png deleted file mode 100644 index 38e733d3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_20.png deleted file mode 100644 index 8b3f03e4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character27/0377_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_01.png deleted file mode 100644 index 4b634a489..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_02.png deleted file mode 100644 index 148b7d290..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_03.png deleted file mode 100644 index 4896938be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_04.png deleted file mode 100644 index 4540f8ec2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_05.png deleted file mode 100644 index 9940ffe78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_06.png deleted file mode 100644 index d9856162e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_07.png deleted file mode 100644 index e9cf6cabe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_08.png deleted file mode 100644 index de6f31555..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_09.png deleted file mode 100644 index b7bc8c832..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_10.png deleted file mode 100644 index 7ab7572ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_11.png deleted file mode 100644 index 3f2727192..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_12.png deleted file mode 100644 index 21406cd54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_13.png deleted file mode 100644 index f707242f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_14.png deleted file mode 100644 index de7080453..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_15.png deleted file mode 100644 index cc9ba8b87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_16.png deleted file mode 100644 index f0adb55b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_17.png deleted file mode 100644 index ba66a1ad6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_18.png deleted file mode 100644 index 68de46d16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_19.png deleted file mode 100644 index 3c368dd06..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_20.png deleted file mode 100644 index 6686b1960..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character28/0378_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_01.png deleted file mode 100644 index 5e4098329..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_02.png deleted file mode 100644 index fbc4514ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_03.png deleted file mode 100644 index 567b593e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_04.png deleted file mode 100644 index a10b1de20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_05.png deleted file mode 100644 index eea1e3e37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_06.png deleted file mode 100644 index 7b4861ab5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_07.png deleted file mode 100644 index 20a88c983..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_08.png deleted file mode 100644 index 930fb9296..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_09.png deleted file mode 100644 index 6a1112df4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_10.png deleted file mode 100644 index b07640d92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_11.png deleted file mode 100644 index 3737ed690..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_12.png deleted file mode 100644 index 097c581da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_13.png deleted file mode 100644 index e88037ebc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_14.png deleted file mode 100644 index be9316dda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_15.png deleted file mode 100644 index 89f3bb7e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_16.png deleted file mode 100644 index 2e6c66b04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_17.png deleted file mode 100644 index 893e3b5dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_18.png deleted file mode 100644 index c86ab69a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_19.png deleted file mode 100644 index f0c06806e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_20.png deleted file mode 100644 index 348e83571..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character29/0379_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_01.png deleted file mode 100644 index 72f2710c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_02.png deleted file mode 100644 index 0c879b6bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_03.png deleted file mode 100644 index ebeb819a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_04.png deleted file mode 100644 index 4cae97a68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_05.png deleted file mode 100644 index 3ed521722..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_06.png deleted file mode 100644 index 5b595fde6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_07.png deleted file mode 100644 index f1a31694b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_08.png deleted file mode 100644 index 0a5c8e2c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_09.png deleted file mode 100644 index 684c35c96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_10.png deleted file mode 100644 index cf0d3296b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_11.png deleted file mode 100644 index 57d3e5d61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_12.png deleted file mode 100644 index 95dc0bce8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_13.png deleted file mode 100644 index a7ad74d74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_14.png deleted file mode 100644 index 00180cea3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_15.png deleted file mode 100644 index 389394c04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_16.png deleted file mode 100644 index 5a8c5ff7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_17.png deleted file mode 100644 index ab5155dbf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_18.png deleted file mode 100644 index d1804444a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_19.png deleted file mode 100644 index cb4f1868c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_20.png deleted file mode 100644 index 8ccae4850..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character30/0380_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_01.png deleted file mode 100644 index d92e6c51f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_02.png deleted file mode 100644 index 950deb3cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_03.png deleted file mode 100644 index cb41c0662..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_04.png deleted file mode 100644 index 271d0e0cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_05.png deleted file mode 100644 index 9bff1175f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_06.png deleted file mode 100644 index c5a53acff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_07.png deleted file mode 100644 index 7bf8b2bf9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_08.png deleted file mode 100644 index a9ebe8a60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_09.png deleted file mode 100644 index 381fce4f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_10.png deleted file mode 100644 index 75dd53268..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_11.png deleted file mode 100644 index 7de588408..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_12.png deleted file mode 100644 index 7089db5ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_13.png deleted file mode 100644 index 707e871dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_14.png deleted file mode 100644 index 2b00707fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_15.png deleted file mode 100644 index 87a3c7a3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_16.png deleted file mode 100644 index 66f3c34b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_17.png deleted file mode 100644 index 2f11cb0a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_18.png deleted file mode 100644 index 806e9b174..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_19.png deleted file mode 100644 index 63de62777..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_20.png deleted file mode 100644 index c7cee01c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character31/0381_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_01.png deleted file mode 100644 index 129736ffc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_02.png deleted file mode 100644 index 52eea7fdf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_03.png deleted file mode 100644 index f4c1ad138..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_04.png deleted file mode 100644 index c4cb008ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_05.png deleted file mode 100644 index fdc65e730..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_06.png deleted file mode 100644 index 973cbaa16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_07.png deleted file mode 100644 index e3c9839e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_08.png deleted file mode 100644 index dde8ebd45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_09.png deleted file mode 100644 index 97d6b1f85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_10.png deleted file mode 100644 index fb07f3453..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_11.png deleted file mode 100644 index 054851f7b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_12.png deleted file mode 100644 index 35431c134..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_13.png deleted file mode 100644 index 9c99ecf81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_14.png deleted file mode 100644 index 7eafe4c5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_15.png deleted file mode 100644 index f11bdfd51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_16.png deleted file mode 100644 index e0a2cf083..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_17.png deleted file mode 100644 index d1ddc515b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_18.png deleted file mode 100644 index cfbd0c665..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_19.png deleted file mode 100644 index 83c470e58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_20.png deleted file mode 100644 index 2321facde..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character32/0382_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_01.png deleted file mode 100644 index ee6114565..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_02.png deleted file mode 100644 index ed147e36c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_03.png deleted file mode 100644 index cf274413a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_04.png deleted file mode 100644 index c78a919e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_05.png deleted file mode 100644 index 7b4fbfa16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_06.png deleted file mode 100644 index 3ba0f2874..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_07.png deleted file mode 100644 index b5d7574d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_08.png deleted file mode 100644 index 5bd75bdb7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_09.png deleted file mode 100644 index 286fd1a09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_10.png deleted file mode 100644 index 3cfc57622..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_11.png deleted file mode 100644 index 3d0d72982..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_12.png deleted file mode 100644 index b4d1d27c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_13.png deleted file mode 100644 index 4a31a1e11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_14.png deleted file mode 100644 index 3b1acf15d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_15.png deleted file mode 100644 index bb3aa1668..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_16.png deleted file mode 100644 index cb78e144f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_17.png deleted file mode 100644 index 26ddd0f19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_18.png deleted file mode 100644 index 76a8dc2e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_19.png deleted file mode 100644 index 3d8ba6936..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_20.png deleted file mode 100644 index 881e19fb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character33/0383_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_01.png deleted file mode 100644 index ad365329f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_02.png deleted file mode 100644 index e43c09aab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_03.png deleted file mode 100644 index 8d9cdf9d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_04.png deleted file mode 100644 index acef58531..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_05.png deleted file mode 100644 index a12823122..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_06.png deleted file mode 100644 index 04a06fba5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_07.png deleted file mode 100644 index e9f784002..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_08.png deleted file mode 100644 index b1c81d8f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_09.png deleted file mode 100644 index 79d566d84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_10.png deleted file mode 100644 index b4f1e3abd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_11.png deleted file mode 100644 index d1913a160..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_12.png deleted file mode 100644 index 0ec2bf1f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_13.png deleted file mode 100644 index 373c89c04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_14.png deleted file mode 100644 index 2a0c7868d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_15.png deleted file mode 100644 index 9a84dcb0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_16.png deleted file mode 100644 index bbc68f39f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_17.png deleted file mode 100644 index e0d75e315..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_18.png deleted file mode 100644 index d300b0449..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_19.png deleted file mode 100644 index 328c104df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_20.png deleted file mode 100644 index df11722da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character34/0384_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_01.png deleted file mode 100644 index 71d7ec24a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_02.png deleted file mode 100644 index 988d39be0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_03.png deleted file mode 100644 index 24bced676..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_04.png deleted file mode 100644 index 01e1990c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_05.png deleted file mode 100644 index 0d0b5fd04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_06.png deleted file mode 100644 index 86c5a4c15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_07.png deleted file mode 100644 index ae3d48872..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_08.png deleted file mode 100644 index 10084d669..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_09.png deleted file mode 100644 index 73a4bda72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_10.png deleted file mode 100644 index 589f1127d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_11.png deleted file mode 100644 index 35da1080f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_12.png deleted file mode 100644 index 8fd3e0619..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_13.png deleted file mode 100644 index 2c1424ae8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_14.png deleted file mode 100644 index 123e23258..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_15.png deleted file mode 100644 index 5c21923c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_16.png deleted file mode 100644 index 2cc427330..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_17.png deleted file mode 100644 index f11d1a4f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_18.png deleted file mode 100644 index ef4382d08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_19.png deleted file mode 100644 index 6377e4e6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_20.png deleted file mode 100644 index d7c899238..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character35/0385_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_01.png deleted file mode 100644 index 6a7a8d548..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_02.png deleted file mode 100644 index 37842a085..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_03.png deleted file mode 100644 index 2121b4ae2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_04.png deleted file mode 100644 index f8fe32064..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_05.png deleted file mode 100644 index 2db3c3275..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_06.png deleted file mode 100644 index 3d713cee9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_07.png deleted file mode 100644 index d26d0cf6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_08.png deleted file mode 100644 index 70a63881e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_09.png deleted file mode 100644 index 81d5858be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_10.png deleted file mode 100644 index 1c7ab6e23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_11.png deleted file mode 100644 index 8531c7a28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_12.png deleted file mode 100644 index 88d414c37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_13.png deleted file mode 100644 index 5b1bb028a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_14.png deleted file mode 100644 index 18a07160e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_15.png deleted file mode 100644 index c4634b90c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_16.png deleted file mode 100644 index c14984671..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_17.png deleted file mode 100644 index 90e0ebaf4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_18.png deleted file mode 100644 index ae01857f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_19.png deleted file mode 100644 index 91d66ac83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_20.png deleted file mode 100644 index afa93df7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character36/0386_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_01.png deleted file mode 100644 index 37b67358e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_02.png deleted file mode 100644 index 37b548dcc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_03.png deleted file mode 100644 index 8c89a6237..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_04.png deleted file mode 100644 index 7aa530b5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_05.png deleted file mode 100644 index 8172960ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_06.png deleted file mode 100644 index 9ed067df7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_07.png deleted file mode 100644 index 7911e5f17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_08.png deleted file mode 100644 index 347871aaa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_09.png deleted file mode 100644 index 413e43ba3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_10.png deleted file mode 100644 index 04146c5f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_11.png deleted file mode 100644 index 52f10acc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_12.png deleted file mode 100644 index 0ce31922d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_13.png deleted file mode 100644 index 8836c1a10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_14.png deleted file mode 100644 index fdb796697..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_15.png deleted file mode 100644 index 73d841429..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_16.png deleted file mode 100644 index ee7ed502c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_17.png deleted file mode 100644 index 23503899f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_18.png deleted file mode 100644 index 98f3a8e1d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_19.png deleted file mode 100644 index 583a6dfff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_20.png deleted file mode 100644 index b548f5982..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character37/0387_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_01.png deleted file mode 100644 index 727287317..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_02.png deleted file mode 100644 index 0cfd56041..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_03.png deleted file mode 100644 index 260f4854c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_04.png deleted file mode 100644 index 6c8daec8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_05.png deleted file mode 100644 index d5f4474d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_06.png deleted file mode 100644 index 8c7ae6dc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_07.png deleted file mode 100644 index 2b63b7c75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_08.png deleted file mode 100644 index bb9932b34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_09.png deleted file mode 100644 index 706988f1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_10.png deleted file mode 100644 index 1f5cb74c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_11.png deleted file mode 100644 index d1eb28ffd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_12.png deleted file mode 100644 index 6031a27d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_13.png deleted file mode 100644 index c34676ffd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_14.png deleted file mode 100644 index 6d0be02ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_15.png deleted file mode 100644 index ab7832352..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_16.png deleted file mode 100644 index c7966bb67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_17.png deleted file mode 100644 index d69572b1d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_18.png deleted file mode 100644 index 8b7cc9724..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_19.png deleted file mode 100644 index 8475e6598..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_20.png deleted file mode 100644 index 267665d92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character38/0388_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_01.png deleted file mode 100644 index e60e3dfe6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_02.png deleted file mode 100644 index 2280ce311..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_03.png deleted file mode 100644 index 48e28713b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_04.png deleted file mode 100644 index 283ac1358..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_05.png deleted file mode 100644 index cce83ea35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_06.png deleted file mode 100644 index 0d1950f9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_07.png deleted file mode 100644 index f8a6b7081..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_08.png deleted file mode 100644 index a52045fdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_09.png deleted file mode 100644 index e1cbe3061..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_10.png deleted file mode 100644 index 6adb84049..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_11.png deleted file mode 100644 index d2a7621e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_12.png deleted file mode 100644 index eb6351394..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_13.png deleted file mode 100644 index 30894759e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_14.png deleted file mode 100644 index 5f1662bc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_15.png deleted file mode 100644 index 2ef300ff3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_16.png deleted file mode 100644 index 03d3fd7a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_17.png deleted file mode 100644 index 9c83c7103..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_18.png deleted file mode 100644 index a91ac85da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_19.png deleted file mode 100644 index 43a7887b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_20.png deleted file mode 100644 index 53835c3c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character39/0389_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_01.png deleted file mode 100644 index bf2607d22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_02.png deleted file mode 100644 index 60d150e23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_03.png deleted file mode 100644 index ca55b9b0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_04.png deleted file mode 100644 index 4868511d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_05.png deleted file mode 100644 index 86c1b5d86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_06.png deleted file mode 100644 index 78ecce85c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_07.png deleted file mode 100644 index acb009156..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_08.png deleted file mode 100644 index da97212fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_09.png deleted file mode 100644 index ef2c5a1d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_10.png deleted file mode 100644 index f324c67ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_11.png deleted file mode 100644 index 678a84a78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_12.png deleted file mode 100644 index c75dfdd2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_13.png deleted file mode 100644 index 3d7181365..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_14.png deleted file mode 100644 index 5158271c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_15.png deleted file mode 100644 index 010317d4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_16.png deleted file mode 100644 index f2beee69b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_17.png deleted file mode 100644 index 872f4d282..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_18.png deleted file mode 100644 index 605e259b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_19.png deleted file mode 100644 index c29b393b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_20.png deleted file mode 100644 index 749507f13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character40/0390_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_01.png deleted file mode 100644 index c56601ed4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_02.png deleted file mode 100644 index c349a401d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_03.png deleted file mode 100644 index d8fc4c3ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_04.png deleted file mode 100644 index c4e986ce3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_05.png deleted file mode 100644 index cab859961..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_06.png deleted file mode 100644 index 8c9739f7b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_07.png deleted file mode 100644 index 1d80a1fb8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_08.png deleted file mode 100644 index 94ac371cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_09.png deleted file mode 100644 index 0d826ee32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_10.png deleted file mode 100644 index 07ace943a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_11.png deleted file mode 100644 index 331b3ce72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_12.png deleted file mode 100644 index 79af27acf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_13.png deleted file mode 100644 index 29e2dd01d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_14.png deleted file mode 100644 index bfafdae97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_15.png deleted file mode 100644 index 245bf2fe2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_16.png deleted file mode 100644 index fd4631a9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_17.png deleted file mode 100644 index 14a2ba0bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_18.png deleted file mode 100644 index b39b51e27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_19.png deleted file mode 100644 index 5c2c6f8c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_20.png deleted file mode 100644 index e5d0af536..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character41/0391_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_01.png deleted file mode 100644 index 7583dc6f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_02.png deleted file mode 100644 index c9b36ed7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_03.png deleted file mode 100644 index 571111328..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_04.png deleted file mode 100644 index d5b1e5b29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_05.png deleted file mode 100644 index 70aa7c11d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_06.png deleted file mode 100644 index 00d603014..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_07.png deleted file mode 100644 index 02c0db3c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_08.png deleted file mode 100644 index 89fa65d93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_09.png deleted file mode 100644 index c48b4ef27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_10.png deleted file mode 100644 index 2ce28ed2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_11.png deleted file mode 100644 index b37faba73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_12.png deleted file mode 100644 index a3970e858..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_13.png deleted file mode 100644 index 8f2799301..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_14.png deleted file mode 100644 index 612b4ece0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_15.png deleted file mode 100644 index cd3a36527..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_16.png deleted file mode 100644 index a01f6bc4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_17.png deleted file mode 100644 index f59d4f1dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_18.png deleted file mode 100644 index 41ebebe7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_19.png deleted file mode 100644 index 343a6cce3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_20.png deleted file mode 100644 index 75dc8a368..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character42/0392_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_01.png deleted file mode 100644 index 2c2e44689..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_02.png deleted file mode 100644 index 682c6908a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_03.png deleted file mode 100644 index 090cd901a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_04.png deleted file mode 100644 index 1f636a31c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_05.png deleted file mode 100644 index cea26c220..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_06.png deleted file mode 100644 index 05d375391..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_07.png deleted file mode 100644 index 912309704..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_08.png deleted file mode 100644 index 0cafc9769..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_09.png deleted file mode 100644 index 5bad92c47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_10.png deleted file mode 100644 index 397bbc8b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_11.png deleted file mode 100644 index 06a707c3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_12.png deleted file mode 100644 index 78e26e55e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_13.png deleted file mode 100644 index dc2f1a104..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_14.png deleted file mode 100644 index 7f38f1da4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_15.png deleted file mode 100644 index c7e7f88bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_16.png deleted file mode 100644 index 85528de10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_17.png deleted file mode 100644 index b67a0612c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_18.png deleted file mode 100644 index 1f4f187e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_19.png deleted file mode 100644 index af9f8ab55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_20.png deleted file mode 100644 index f44c10627..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Grantha/character43/0393_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_01.png deleted file mode 100644 index 75d220c3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_02.png deleted file mode 100644 index 05821e7be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_03.png deleted file mode 100644 index cb77a7cf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_04.png deleted file mode 100644 index 371f91646..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_05.png deleted file mode 100644 index 096f7d72f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_06.png deleted file mode 100644 index 8ce3d5277..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_07.png deleted file mode 100644 index 9a410218b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_08.png deleted file mode 100644 index df40964d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_09.png deleted file mode 100644 index 216589d1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_10.png deleted file mode 100644 index a136dd740..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_11.png deleted file mode 100644 index 7ac42abdf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_12.png deleted file mode 100644 index 257c287e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_13.png deleted file mode 100644 index aba66bf20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_14.png deleted file mode 100644 index 4c0f8e5a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_15.png deleted file mode 100644 index 30904d56e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_16.png deleted file mode 100644 index 5a154c962..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_17.png deleted file mode 100644 index a780c8103..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_18.png deleted file mode 100644 index df7d160e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_19.png deleted file mode 100644 index b1524d479..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_20.png deleted file mode 100644 index e0f54576d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character01/0394_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_01.png deleted file mode 100644 index 1fb770d52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_02.png deleted file mode 100644 index 670fccebb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_03.png deleted file mode 100644 index 4c74873d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_04.png deleted file mode 100644 index 5f7102afa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_05.png deleted file mode 100644 index e9b83aec4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_06.png deleted file mode 100644 index bfdee3f03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_07.png deleted file mode 100644 index 635a0fe48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_08.png deleted file mode 100644 index 7c4681ac1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_09.png deleted file mode 100644 index d643f6c70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_10.png deleted file mode 100644 index 15cc11339..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_11.png deleted file mode 100644 index 5a97071e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_12.png deleted file mode 100644 index 866517826..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_13.png deleted file mode 100644 index 8cc3a2cc7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_14.png deleted file mode 100644 index afcba5f01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_15.png deleted file mode 100644 index 3a26f9e50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_16.png deleted file mode 100644 index fa9bfe2aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_17.png deleted file mode 100644 index fa1216cbe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_18.png deleted file mode 100644 index 105497b62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_19.png deleted file mode 100644 index 0ca4ddf67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_20.png deleted file mode 100644 index 0ce486679..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character02/0395_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_01.png deleted file mode 100644 index b4a1af42e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_02.png deleted file mode 100644 index 2e8e9cccd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_03.png deleted file mode 100644 index 343309e1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_04.png deleted file mode 100644 index 94b2348d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_05.png deleted file mode 100644 index 3b2f52eb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_06.png deleted file mode 100644 index 0f10264c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_07.png deleted file mode 100644 index 7a84019f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_08.png deleted file mode 100644 index b1d0b5fb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_09.png deleted file mode 100644 index 4082ca418..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_10.png deleted file mode 100644 index f95a49b55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_11.png deleted file mode 100644 index 20a7d1d24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_12.png deleted file mode 100644 index 779ca71af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_13.png deleted file mode 100644 index 358cca3c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_14.png deleted file mode 100644 index 886e9594d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_15.png deleted file mode 100644 index 5f5a8272e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_16.png deleted file mode 100644 index 364e99f76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_17.png deleted file mode 100644 index e1c70fce3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_18.png deleted file mode 100644 index fa908c906..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_19.png deleted file mode 100644 index 548ddab27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_20.png deleted file mode 100644 index e9069cefe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character03/0396_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_01.png deleted file mode 100644 index 95949b168..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_02.png deleted file mode 100644 index cb55287ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_03.png deleted file mode 100644 index 297f33183..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_04.png deleted file mode 100644 index 424d390b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_05.png deleted file mode 100644 index 590ba1d0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_06.png deleted file mode 100644 index df8caf549..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_07.png deleted file mode 100644 index 086533d4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_08.png deleted file mode 100644 index 5f4bd7b99..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_09.png deleted file mode 100644 index 79d278c8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_10.png deleted file mode 100644 index 10113436b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_11.png deleted file mode 100644 index 476b32f86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_12.png deleted file mode 100644 index 4e03af3ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_13.png deleted file mode 100644 index 4fab340be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_14.png deleted file mode 100644 index 39bd550eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_15.png deleted file mode 100644 index 03b236b99..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_16.png deleted file mode 100644 index c41830e2e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_17.png deleted file mode 100644 index aeb549488..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_18.png deleted file mode 100644 index 9810fc9dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_19.png deleted file mode 100644 index 36432d854..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_20.png deleted file mode 100644 index 99a33d9a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character04/0397_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_01.png deleted file mode 100644 index cf876c092..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_02.png deleted file mode 100644 index 37211bfb8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_03.png deleted file mode 100644 index e26715995..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_04.png deleted file mode 100644 index a9c5d58c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_05.png deleted file mode 100644 index c7fcacc2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_06.png deleted file mode 100644 index e772f8ef3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_07.png deleted file mode 100644 index 26bdc95fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_08.png deleted file mode 100644 index 7c6597474..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_09.png deleted file mode 100644 index 0fb4d12df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_10.png deleted file mode 100644 index 1e9c04c12..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_11.png deleted file mode 100644 index ea27f3722..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_12.png deleted file mode 100644 index 1ed3e342b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_13.png deleted file mode 100644 index f5f03d0c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_14.png deleted file mode 100644 index ca7406db9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_15.png deleted file mode 100644 index b3964b155..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_16.png deleted file mode 100644 index 30c8a964e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_17.png deleted file mode 100644 index 1c13769f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_18.png deleted file mode 100644 index a96a26371..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_19.png deleted file mode 100644 index 7a28088eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_20.png deleted file mode 100644 index 15a87ba53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character05/0398_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_01.png deleted file mode 100644 index 73b6c784c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_02.png deleted file mode 100644 index 907217b78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_03.png deleted file mode 100644 index 464c95f18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_04.png deleted file mode 100644 index fff8df943..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_05.png deleted file mode 100644 index ed1f16eb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_06.png deleted file mode 100644 index 050d55abe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_07.png deleted file mode 100644 index 963234f1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_08.png deleted file mode 100644 index d1c0a6688..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_09.png deleted file mode 100644 index 1bc114529..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_10.png deleted file mode 100644 index 3813a3cd2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_11.png deleted file mode 100644 index 4c274d8ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_12.png deleted file mode 100644 index 768fb42a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_13.png deleted file mode 100644 index 9b74d0c99..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_14.png deleted file mode 100644 index 0b0050005..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_15.png deleted file mode 100644 index ffe4acf57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_16.png deleted file mode 100644 index 1f1d5757f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_17.png deleted file mode 100644 index b0810c6c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_18.png deleted file mode 100644 index 661fdf25f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_19.png deleted file mode 100644 index d5598d4b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_20.png deleted file mode 100644 index 476bd0bc0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character06/0399_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_01.png deleted file mode 100644 index 595b23d96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_02.png deleted file mode 100644 index 4823f041d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_03.png deleted file mode 100644 index 3c3590824..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_04.png deleted file mode 100644 index 92b48952f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_05.png deleted file mode 100644 index 3eb349a9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_06.png deleted file mode 100644 index 8e5abb7f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_07.png deleted file mode 100644 index ac21c7214..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_08.png deleted file mode 100644 index 6021f7f83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_09.png deleted file mode 100644 index 6b55337d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_10.png deleted file mode 100644 index a0e859451..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_11.png deleted file mode 100644 index 5609bda59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_12.png deleted file mode 100644 index 0302da851..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_13.png deleted file mode 100644 index dbd203679..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_14.png deleted file mode 100644 index bea52da8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_15.png deleted file mode 100644 index 3bfad8887..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_16.png deleted file mode 100644 index 6081fad87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_17.png deleted file mode 100644 index 110ca7e23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_18.png deleted file mode 100644 index 381bbb8c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_19.png deleted file mode 100644 index 12cd782b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_20.png deleted file mode 100644 index ac5110755..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character07/0400_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_01.png deleted file mode 100644 index 0243ec8d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_02.png deleted file mode 100644 index aa6f6400a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_03.png deleted file mode 100644 index ef7cfb63e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_04.png deleted file mode 100644 index 479a8f1a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_05.png deleted file mode 100644 index 8902a27ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_06.png deleted file mode 100644 index a6ba59ee2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_07.png deleted file mode 100644 index 1d9ff8388..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_08.png deleted file mode 100644 index 5fedf95c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_09.png deleted file mode 100644 index 365d5eb1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_10.png deleted file mode 100644 index 4fa73de2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_11.png deleted file mode 100644 index 78882877a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_12.png deleted file mode 100644 index 99f275794..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_13.png deleted file mode 100644 index 04d3ea562..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_14.png deleted file mode 100644 index 5a8c4b0ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_15.png deleted file mode 100644 index 211a822e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_16.png deleted file mode 100644 index db220e050..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_17.png deleted file mode 100644 index 792e41347..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_18.png deleted file mode 100644 index c85682da6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_19.png deleted file mode 100644 index 752be54d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_20.png deleted file mode 100644 index 21e44c2ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character08/0401_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_01.png deleted file mode 100644 index 0ac976a1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_02.png deleted file mode 100644 index d50f60cf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_03.png deleted file mode 100644 index 7427513a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_04.png deleted file mode 100644 index 34eb1e8ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_05.png deleted file mode 100644 index 643859f0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_06.png deleted file mode 100644 index 56c0a3e70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_07.png deleted file mode 100644 index 4e41b6aab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_08.png deleted file mode 100644 index 378f6e895..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_09.png deleted file mode 100644 index 808261299..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_10.png deleted file mode 100644 index 623a58fc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_11.png deleted file mode 100644 index cff5e86a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_12.png deleted file mode 100644 index 4c0e1af93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_13.png deleted file mode 100644 index 97a9ab8c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_14.png deleted file mode 100644 index 3795b594e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_15.png deleted file mode 100644 index 74adbcade..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_16.png deleted file mode 100644 index ecda2ea8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_17.png deleted file mode 100644 index 070d5e73e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_18.png deleted file mode 100644 index ad243e588..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_19.png deleted file mode 100644 index 2f5127b7b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_20.png deleted file mode 100644 index 782f2f62e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character09/0402_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_01.png deleted file mode 100644 index 9dabf6297..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_02.png deleted file mode 100644 index d27ae3bba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_03.png deleted file mode 100644 index a11f9ddb7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_04.png deleted file mode 100644 index b444a6168..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_05.png deleted file mode 100644 index 2d7d5b200..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_06.png deleted file mode 100644 index d9ec56b4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_07.png deleted file mode 100644 index dfb0ec091..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_08.png deleted file mode 100644 index f6a1b8a71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_09.png deleted file mode 100644 index f954da518..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_10.png deleted file mode 100644 index 16ea7f5c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_11.png deleted file mode 100644 index 5a650f3ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_12.png deleted file mode 100644 index 2e6361867..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_13.png deleted file mode 100644 index 3045a0f7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_14.png deleted file mode 100644 index 8dcc2b8fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_15.png deleted file mode 100644 index ea7e058e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_16.png deleted file mode 100644 index 9de26919b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_17.png deleted file mode 100644 index ffc37287e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_18.png deleted file mode 100644 index 873416481..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_19.png deleted file mode 100644 index 201363621..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_20.png deleted file mode 100644 index c421d8d07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character10/0403_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_01.png deleted file mode 100644 index b52ddd2f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_02.png deleted file mode 100644 index 3aa082b0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_03.png deleted file mode 100644 index 0e7466b6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_04.png deleted file mode 100644 index ac296d918..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_05.png deleted file mode 100644 index fbaa528f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_06.png deleted file mode 100644 index a2dc2276e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_07.png deleted file mode 100644 index 96434a1cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_08.png deleted file mode 100644 index 9e0996109..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_09.png deleted file mode 100644 index eea0cbc12..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_10.png deleted file mode 100644 index f75cb9115..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_11.png deleted file mode 100644 index 0a1103070..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_12.png deleted file mode 100644 index 128a4d39a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_13.png deleted file mode 100644 index ac150db91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_14.png deleted file mode 100644 index e02e27fac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_15.png deleted file mode 100644 index 338401917..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_16.png deleted file mode 100644 index b26c42c72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_17.png deleted file mode 100644 index f2ddb015d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_18.png deleted file mode 100644 index 997ded246..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_19.png deleted file mode 100644 index 29c5d52c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_20.png deleted file mode 100644 index 2e989bf58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character11/0404_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_01.png deleted file mode 100644 index f66082cea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_02.png deleted file mode 100644 index 9e555054a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_03.png deleted file mode 100644 index 76c9799d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_04.png deleted file mode 100644 index 20ab7ff5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_05.png deleted file mode 100644 index 0bb98571a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_06.png deleted file mode 100644 index f059da5a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_07.png deleted file mode 100644 index 11f0286ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_08.png deleted file mode 100644 index 7b360b161..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_09.png deleted file mode 100644 index 8aa52a180..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_10.png deleted file mode 100644 index 01b1a4d09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_11.png deleted file mode 100644 index 36ca0cb95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_12.png deleted file mode 100644 index d265db9c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_13.png deleted file mode 100644 index 61713a4c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_14.png deleted file mode 100644 index 546351ea7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_15.png deleted file mode 100644 index 5c93c8b21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_16.png deleted file mode 100644 index 8a95b4e04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_17.png deleted file mode 100644 index f798a6a00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_18.png deleted file mode 100644 index b16b96a51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_19.png deleted file mode 100644 index ced75bf13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_20.png deleted file mode 100644 index 3f25d654a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character12/0405_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_01.png deleted file mode 100644 index 4cec0c638..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_02.png deleted file mode 100644 index a756f5473..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_03.png deleted file mode 100644 index 51522ed0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_04.png deleted file mode 100644 index bcedd92e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_05.png deleted file mode 100644 index 611e20211..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_06.png deleted file mode 100644 index fde62a80a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_07.png deleted file mode 100644 index 085471b13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_08.png deleted file mode 100644 index 6a860fd31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_09.png deleted file mode 100644 index 5998bb658..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_10.png deleted file mode 100644 index 6600d4821..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_11.png deleted file mode 100644 index 799f54e9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_12.png deleted file mode 100644 index 1a92048db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_13.png deleted file mode 100644 index a0665284a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_14.png deleted file mode 100644 index ee8d1fdee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_15.png deleted file mode 100644 index 4c7e1371e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_16.png deleted file mode 100644 index 4d0e56d50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_17.png deleted file mode 100644 index 99e9fde9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_18.png deleted file mode 100644 index 92c2dab11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_19.png deleted file mode 100644 index 3279faeb5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_20.png deleted file mode 100644 index e2b12a8aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character13/0406_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_01.png deleted file mode 100644 index d01715229..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_02.png deleted file mode 100644 index 7bec76532..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_03.png deleted file mode 100644 index c2b92fc01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_04.png deleted file mode 100644 index 7d8f48a02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_05.png deleted file mode 100644 index 3b22d8378..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_06.png deleted file mode 100644 index fd4eda72b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_07.png deleted file mode 100644 index 9d22f9714..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_08.png deleted file mode 100644 index 83b65ccb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_09.png deleted file mode 100644 index 6927c4fed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_10.png deleted file mode 100644 index 6710c29a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_11.png deleted file mode 100644 index 68b7d431a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_12.png deleted file mode 100644 index 8eb808c10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_13.png deleted file mode 100644 index 26a28e5db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_14.png deleted file mode 100644 index 5541012dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_15.png deleted file mode 100644 index 11191ef6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_16.png deleted file mode 100644 index 192edc518..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_17.png deleted file mode 100644 index ce6ab668d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_18.png deleted file mode 100644 index c1a79f08a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_19.png deleted file mode 100644 index e61ae7f4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_20.png deleted file mode 100644 index 74f303031..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character14/0407_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_01.png deleted file mode 100644 index f1b6d83e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_02.png deleted file mode 100644 index bf440e304..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_03.png deleted file mode 100644 index 99e3632a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_04.png deleted file mode 100644 index 1360b15f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_05.png deleted file mode 100644 index 0ae5a55a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_06.png deleted file mode 100644 index 858dc4649..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_07.png deleted file mode 100644 index fcdcec7f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_08.png deleted file mode 100644 index e9ec32490..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_09.png deleted file mode 100644 index a69ba731c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_10.png deleted file mode 100644 index 1328cd7c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_11.png deleted file mode 100644 index dac9206fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_12.png deleted file mode 100644 index 47196845c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_13.png deleted file mode 100644 index 3aeab1f07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_14.png deleted file mode 100644 index 1b6140c19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_15.png deleted file mode 100644 index 3f9c2678d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_16.png deleted file mode 100644 index cd182bc92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_17.png deleted file mode 100644 index 4b1cd39a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_18.png deleted file mode 100644 index 813dad282..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_19.png deleted file mode 100644 index e5fff847d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_20.png deleted file mode 100644 index 08d598716..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character15/0408_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_01.png deleted file mode 100644 index f1c6e4e3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_02.png deleted file mode 100644 index 824d4f4e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_03.png deleted file mode 100644 index c11a1e52b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_04.png deleted file mode 100644 index 7efa6767d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_05.png deleted file mode 100644 index 7aa5f7e8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_06.png deleted file mode 100644 index 04a93ff2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_07.png deleted file mode 100644 index a1e70f725..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_08.png deleted file mode 100644 index 35633b824..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_09.png deleted file mode 100644 index 457e21604..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_10.png deleted file mode 100644 index 16ae541e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_11.png deleted file mode 100644 index 0fa8ad82f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_12.png deleted file mode 100644 index 12e8296cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_13.png deleted file mode 100644 index 927ff0e94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_14.png deleted file mode 100644 index 7def16da1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_15.png deleted file mode 100644 index 775e712ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_16.png deleted file mode 100644 index 082162590..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_17.png deleted file mode 100644 index b3ee05970..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_18.png deleted file mode 100644 index b47946e4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_19.png deleted file mode 100644 index 59bfb6cc7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_20.png deleted file mode 100644 index 0db4de650..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character16/0409_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_01.png deleted file mode 100644 index ae11963dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_02.png deleted file mode 100644 index 155f0f193..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_03.png deleted file mode 100644 index 754ce57e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_04.png deleted file mode 100644 index 702e106dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_05.png deleted file mode 100644 index 35f51e7b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_06.png deleted file mode 100644 index 5219887fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_07.png deleted file mode 100644 index 815ab866e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_08.png deleted file mode 100644 index 6bc89b848..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_09.png deleted file mode 100644 index acc19adfe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_10.png deleted file mode 100644 index 342c5d5c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_11.png deleted file mode 100644 index 37f4e1c00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_12.png deleted file mode 100644 index 67b424b27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_13.png deleted file mode 100644 index f975b31bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_14.png deleted file mode 100644 index fb04f8d63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_15.png deleted file mode 100644 index d6b693ae7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_16.png deleted file mode 100644 index 09f9176d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_17.png deleted file mode 100644 index 035a0e586..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_18.png deleted file mode 100644 index 1b9105f5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_19.png deleted file mode 100644 index 4a8ce429e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_20.png deleted file mode 100644 index 1ed6e1a6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character17/0410_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_01.png deleted file mode 100644 index 2697dbb40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_02.png deleted file mode 100644 index b72fe68b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_03.png deleted file mode 100644 index 6ae6386ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_04.png deleted file mode 100644 index bb7165dc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_05.png deleted file mode 100644 index 61bb3b1d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_06.png deleted file mode 100644 index dcfd4b96e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_07.png deleted file mode 100644 index 35f453399..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_08.png deleted file mode 100644 index 141eeb2fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_09.png deleted file mode 100644 index d610a25d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_10.png deleted file mode 100644 index 92a5916f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_11.png deleted file mode 100644 index d91e5220f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_12.png deleted file mode 100644 index 452921e84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_13.png deleted file mode 100644 index 7f50ccdc2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_14.png deleted file mode 100644 index 5ba0985ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_15.png deleted file mode 100644 index fe9515a23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_16.png deleted file mode 100644 index 27d31992a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_17.png deleted file mode 100644 index a75f5e072..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_18.png deleted file mode 100644 index 14cb4c600..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_19.png deleted file mode 100644 index f350d6dcb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_20.png deleted file mode 100644 index 65025a84f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character18/0411_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_01.png deleted file mode 100644 index d98505661..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_02.png deleted file mode 100644 index 45c4b66ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_03.png deleted file mode 100644 index 5d8886ee1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_04.png deleted file mode 100644 index 776b1a039..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_05.png deleted file mode 100644 index 7e4b3ab1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_06.png deleted file mode 100644 index f0c8665ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_07.png deleted file mode 100644 index 274016134..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_08.png deleted file mode 100644 index 1445cdce3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_09.png deleted file mode 100644 index db1d13f92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_10.png deleted file mode 100644 index c3d98bad5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_11.png deleted file mode 100644 index 187db53c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_12.png deleted file mode 100644 index e0abb6424..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_13.png deleted file mode 100644 index 7b84fae7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_14.png deleted file mode 100644 index 3e36fd605..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_15.png deleted file mode 100644 index fa9842992..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_16.png deleted file mode 100644 index ff22ebb0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_17.png deleted file mode 100644 index 134d8fd3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_18.png deleted file mode 100644 index 41dc40766..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_19.png deleted file mode 100644 index 2f9de92da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_20.png deleted file mode 100644 index 5573b1aed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character19/0412_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_01.png deleted file mode 100644 index df4c2829d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_02.png deleted file mode 100644 index 7dab16f4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_03.png deleted file mode 100644 index 5c8870ffb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_04.png deleted file mode 100644 index df3e73b77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_05.png deleted file mode 100644 index 6c15fab2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_06.png deleted file mode 100644 index 0fb4f7517..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_07.png deleted file mode 100644 index 1905eb6b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_08.png deleted file mode 100644 index 3e1c1f3f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_09.png deleted file mode 100644 index 5361231c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_10.png deleted file mode 100644 index 1835e8511..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_11.png deleted file mode 100644 index 6868b256b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_12.png deleted file mode 100644 index d0106fefb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_13.png deleted file mode 100644 index e3a4b8da5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_14.png deleted file mode 100644 index 3b7dc4ecc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_15.png deleted file mode 100644 index aa81fd144..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_16.png deleted file mode 100644 index d3c6aa58b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_17.png deleted file mode 100644 index a4226c78c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_18.png deleted file mode 100644 index 3d3ea2773..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_19.png deleted file mode 100644 index 7b6bdace0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_20.png deleted file mode 100644 index 8127ba005..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character20/0413_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_01.png deleted file mode 100644 index 64e18755c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_02.png deleted file mode 100644 index e56ae5422..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_03.png deleted file mode 100644 index 076efc024..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_04.png deleted file mode 100644 index 2d7648061..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_05.png deleted file mode 100644 index 948b478b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_06.png deleted file mode 100644 index 1f124b047..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_07.png deleted file mode 100644 index 61159c41e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_08.png deleted file mode 100644 index 07ea85447..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_09.png deleted file mode 100644 index ba6a0331a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_10.png deleted file mode 100644 index 89c971723..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_11.png deleted file mode 100644 index 81e90d6f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_12.png deleted file mode 100644 index de647f14d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_13.png deleted file mode 100644 index 68c12ad28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_14.png deleted file mode 100644 index 7159b7da7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_15.png deleted file mode 100644 index 480eb1855..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_16.png deleted file mode 100644 index 09092e585..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_17.png deleted file mode 100644 index af8c8811c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_18.png deleted file mode 100644 index 3737a5cd5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_19.png deleted file mode 100644 index 0a1c45804..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_20.png deleted file mode 100644 index a6b4f687d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character21/0414_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_01.png deleted file mode 100644 index 171182a80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_02.png deleted file mode 100644 index ed0cd297f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_03.png deleted file mode 100644 index d57bc3338..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_04.png deleted file mode 100644 index 39b07ac6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_05.png deleted file mode 100644 index db6927a38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_06.png deleted file mode 100644 index bff92022e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_07.png deleted file mode 100644 index eceee51a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_08.png deleted file mode 100644 index a4a8863c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_09.png deleted file mode 100644 index b902761a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_10.png deleted file mode 100644 index 588abebbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_11.png deleted file mode 100644 index f326cb45f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_12.png deleted file mode 100644 index 32a3ae3b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_13.png deleted file mode 100644 index 895f057a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_14.png deleted file mode 100644 index 912bcbeea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_15.png deleted file mode 100644 index 6ca06960a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_16.png deleted file mode 100644 index 79098c246..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_17.png deleted file mode 100644 index 4e8ddf05e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_18.png deleted file mode 100644 index a6a47e052..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_19.png deleted file mode 100644 index d1154a6dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_20.png deleted file mode 100644 index d9d2c9e2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character22/0415_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_01.png deleted file mode 100644 index 6a40707a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_02.png deleted file mode 100644 index 666834498..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_03.png deleted file mode 100644 index f8ac8f05c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_04.png deleted file mode 100644 index 0c9f6ab5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_05.png deleted file mode 100644 index ac0a387be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_06.png deleted file mode 100644 index f01ebeda6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_07.png deleted file mode 100644 index d98269610..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_08.png deleted file mode 100644 index 4fc300841..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_09.png deleted file mode 100644 index 2641b503a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_10.png deleted file mode 100644 index 40c37fc70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_11.png deleted file mode 100644 index 65bcb85e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_12.png deleted file mode 100644 index 03de52272..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_13.png deleted file mode 100644 index b134cef5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_14.png deleted file mode 100644 index 4344f7938..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_15.png deleted file mode 100644 index bf6a09d19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_16.png deleted file mode 100644 index e40b5f623..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_17.png deleted file mode 100644 index c49d7064a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_18.png deleted file mode 100644 index 1cdf67c48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_19.png deleted file mode 100644 index b64d01860..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_20.png deleted file mode 100644 index 34ec587dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character23/0416_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_01.png deleted file mode 100644 index bb34c6e15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_02.png deleted file mode 100644 index be7fc2816..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_03.png deleted file mode 100644 index 3936d9ceb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_04.png deleted file mode 100644 index 2f41bf630..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_05.png deleted file mode 100644 index aba38f6f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_06.png deleted file mode 100644 index 58b150318..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_07.png deleted file mode 100644 index 98340e60e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_08.png deleted file mode 100644 index d541577b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_09.png deleted file mode 100644 index e27cd1088..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_10.png deleted file mode 100644 index 869a06e13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_11.png deleted file mode 100644 index 2dfba0fd2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_12.png deleted file mode 100644 index dd9934095..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_13.png deleted file mode 100644 index ca9f59e47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_14.png deleted file mode 100644 index dde543783..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_15.png deleted file mode 100644 index 3e8fc59a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_16.png deleted file mode 100644 index 8a7ed33f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_17.png deleted file mode 100644 index e9ea62039..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_18.png deleted file mode 100644 index 4fee33ff0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_19.png deleted file mode 100644 index 0826e9b70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_20.png deleted file mode 100644 index 7b4ea7365..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Greek/character24/0417_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_01.png deleted file mode 100644 index 5379732fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_02.png deleted file mode 100644 index 77905afb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_03.png deleted file mode 100644 index f58304b4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_04.png deleted file mode 100644 index a2f548088..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_05.png deleted file mode 100644 index ca420fde5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_06.png deleted file mode 100644 index 7b5a4ef0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_07.png deleted file mode 100644 index a7820ba41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_08.png deleted file mode 100644 index 9fad70751..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_09.png deleted file mode 100644 index 6e7422dac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_10.png deleted file mode 100644 index 680749841..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_11.png deleted file mode 100644 index 8927f8df5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_12.png deleted file mode 100644 index 394ca3caa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_13.png deleted file mode 100644 index bf29dff03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_14.png deleted file mode 100644 index db0cf0cb0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_15.png deleted file mode 100644 index 532baf489..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_16.png deleted file mode 100644 index 0e9040cfd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_17.png deleted file mode 100644 index e2164d51a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_18.png deleted file mode 100644 index 71b60a272..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_19.png deleted file mode 100644 index cb1ccb013..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_20.png deleted file mode 100644 index 12d0316f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character01/0418_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_01.png deleted file mode 100644 index 9ca966d43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_02.png deleted file mode 100644 index fd7e79be8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_03.png deleted file mode 100644 index 3c0c877e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_04.png deleted file mode 100644 index 0c5492541..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_05.png deleted file mode 100644 index 645c186dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_06.png deleted file mode 100644 index e06293ae2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_07.png deleted file mode 100644 index b5a4a1223..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_08.png deleted file mode 100644 index aa8b31e6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_09.png deleted file mode 100644 index 39c2849b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_10.png deleted file mode 100644 index fe4ac9e4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_11.png deleted file mode 100644 index b650ef0b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_12.png deleted file mode 100644 index 840a94f5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_13.png deleted file mode 100644 index bba358a23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_14.png deleted file mode 100644 index 755ecab81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_15.png deleted file mode 100644 index 0ed3a2b69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_16.png deleted file mode 100644 index 04c57e401..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_17.png deleted file mode 100644 index 0073272c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_18.png deleted file mode 100644 index 20a13f25d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_19.png deleted file mode 100644 index f9f521f9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_20.png deleted file mode 100644 index df9a4356a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character02/0419_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_01.png deleted file mode 100644 index 4da7f7962..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_02.png deleted file mode 100644 index ebc8831da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_03.png deleted file mode 100644 index 035c2b8b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_04.png deleted file mode 100644 index dfb19f625..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_05.png deleted file mode 100644 index aabfc99ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_06.png deleted file mode 100644 index a13176fac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_07.png deleted file mode 100644 index 7bec42319..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_08.png deleted file mode 100644 index 63225faa1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_09.png deleted file mode 100644 index 6b09c9299..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_10.png deleted file mode 100644 index 9870cd21d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_11.png deleted file mode 100644 index b9e98c6f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_12.png deleted file mode 100644 index 78b9268e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_13.png deleted file mode 100644 index 4b3ea967b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_14.png deleted file mode 100644 index 4ddda58f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_15.png deleted file mode 100644 index 294dc094a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_16.png deleted file mode 100644 index 90cb08ca3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_17.png deleted file mode 100644 index c107fdaf5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_18.png deleted file mode 100644 index 32560692e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_19.png deleted file mode 100644 index b01f62343..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_20.png deleted file mode 100644 index ab0ec348f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character03/0420_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_01.png deleted file mode 100644 index 8d647bf94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_02.png deleted file mode 100644 index 388909197..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_03.png deleted file mode 100644 index d27eaaa29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_04.png deleted file mode 100644 index 4329061ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_05.png deleted file mode 100644 index 5aba926de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_06.png deleted file mode 100644 index 67a203d6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_07.png deleted file mode 100644 index 7cbccadeb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_08.png deleted file mode 100644 index 4eb99c8d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_09.png deleted file mode 100644 index 16b9f0242..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_10.png deleted file mode 100644 index 23dc2550c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_11.png deleted file mode 100644 index ac5e398c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_12.png deleted file mode 100644 index eafb669a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_13.png deleted file mode 100644 index e7b3bea7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_14.png deleted file mode 100644 index bdeea3fb1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_15.png deleted file mode 100644 index 6f3f55a14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_16.png deleted file mode 100644 index 03d1a2b7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_17.png deleted file mode 100644 index 9b9bc0e55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_18.png deleted file mode 100644 index 348d7bf6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_19.png deleted file mode 100644 index 233aa6c5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_20.png deleted file mode 100644 index e7dd5e56c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character04/0421_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_01.png deleted file mode 100644 index f95d80e17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_02.png deleted file mode 100644 index 575d5e534..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_03.png deleted file mode 100644 index 7d3f6afb7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_04.png deleted file mode 100644 index 13724d2eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_05.png deleted file mode 100644 index db5315a61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_06.png deleted file mode 100644 index 90459213e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_07.png deleted file mode 100644 index 3e1be5f0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_08.png deleted file mode 100644 index 98dff9098..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_09.png deleted file mode 100644 index f81ca6535..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_10.png deleted file mode 100644 index 2fdefc291..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_11.png deleted file mode 100644 index 0e4e5a5b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_12.png deleted file mode 100644 index 833d93fd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_13.png deleted file mode 100644 index a7bd40a25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_14.png deleted file mode 100644 index 8cbcb5176..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_15.png deleted file mode 100644 index 00c4c5a05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_16.png deleted file mode 100644 index a2d18bfea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_17.png deleted file mode 100644 index 4e664c867..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_18.png deleted file mode 100644 index c371c4264..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_19.png deleted file mode 100644 index 17beba825..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_20.png deleted file mode 100644 index 3c931feb5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character05/0422_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_01.png deleted file mode 100644 index a0ff0db31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_02.png deleted file mode 100644 index b4a490ddc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_03.png deleted file mode 100644 index 34743fba0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_04.png deleted file mode 100644 index aa321df20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_05.png deleted file mode 100644 index bde2c8350..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_06.png deleted file mode 100644 index d0eee9772..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_07.png deleted file mode 100644 index 4c284caa8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_08.png deleted file mode 100644 index 4323f2724..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_09.png deleted file mode 100644 index 24a0bd2fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_10.png deleted file mode 100644 index fae222841..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_11.png deleted file mode 100644 index 6e11dbb58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_12.png deleted file mode 100644 index 80a4f25e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_13.png deleted file mode 100644 index 3f1b65445..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_14.png deleted file mode 100644 index 8135e72bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_15.png deleted file mode 100644 index 470a7bdc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_16.png deleted file mode 100644 index f16690831..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_17.png deleted file mode 100644 index e7fb995c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_18.png deleted file mode 100644 index db74246c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_19.png deleted file mode 100644 index 66986fc46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_20.png deleted file mode 100644 index 3bc00985f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character06/0423_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_01.png deleted file mode 100644 index 95cf9a361..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_02.png deleted file mode 100644 index a7c386cd2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_03.png deleted file mode 100644 index 88a1e1aea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_04.png deleted file mode 100644 index e8f404fcf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_05.png deleted file mode 100644 index bb58b5688..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_06.png deleted file mode 100644 index 1949b9ca4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_07.png deleted file mode 100644 index 86555de50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_08.png deleted file mode 100644 index 4c176d598..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_09.png deleted file mode 100644 index 3518832d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_10.png deleted file mode 100644 index 92330c15e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_11.png deleted file mode 100644 index 7363eb844..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_12.png deleted file mode 100644 index b7a78c6eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_13.png deleted file mode 100644 index 6e8d7b44f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_14.png deleted file mode 100644 index 37ebca021..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_15.png deleted file mode 100644 index e141b9f59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_16.png deleted file mode 100644 index 3c0535a91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_17.png deleted file mode 100644 index 8d4c3d44d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_18.png deleted file mode 100644 index cae5a5842..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_19.png deleted file mode 100644 index b1bbf6ef8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_20.png deleted file mode 100644 index cf44b96a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character07/0424_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_01.png deleted file mode 100644 index ea5aa87d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_02.png deleted file mode 100644 index cce744b40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_03.png deleted file mode 100644 index 08c6b8259..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_04.png deleted file mode 100644 index 14c99b26a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_05.png deleted file mode 100644 index 04bfbb739..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_06.png deleted file mode 100644 index 2c69494c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_07.png deleted file mode 100644 index 0b1fa362a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_08.png deleted file mode 100644 index 74f522f84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_09.png deleted file mode 100644 index 739731e61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_10.png deleted file mode 100644 index 44d7916c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_11.png deleted file mode 100644 index 27ca650b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_12.png deleted file mode 100644 index 70877209a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_13.png deleted file mode 100644 index e6a04fff4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_14.png deleted file mode 100644 index c1ede9458..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_15.png deleted file mode 100644 index d8491fcd4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_16.png deleted file mode 100644 index c07bfb9fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_17.png deleted file mode 100644 index d49ce4e44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_18.png deleted file mode 100644 index 19e7fdd49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_19.png deleted file mode 100644 index bc42242b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_20.png deleted file mode 100644 index 0f4920126..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character08/0425_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_01.png deleted file mode 100644 index e8a600590..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_02.png deleted file mode 100644 index c37550a3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_03.png deleted file mode 100644 index e2e878bc2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_04.png deleted file mode 100644 index 7d3d865ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_05.png deleted file mode 100644 index 74377b138..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_06.png deleted file mode 100644 index bb0da5aa9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_07.png deleted file mode 100644 index f6b964bc4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_08.png deleted file mode 100644 index 3e11f0e4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_09.png deleted file mode 100644 index ea42a5ba9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_10.png deleted file mode 100644 index 5fac272be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_11.png deleted file mode 100644 index e0172baf6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_12.png deleted file mode 100644 index f2666c772..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_13.png deleted file mode 100644 index 2b5f81fac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_14.png deleted file mode 100644 index 35ec368f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_15.png deleted file mode 100644 index affbaaf41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_16.png deleted file mode 100644 index d40fffd0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_17.png deleted file mode 100644 index d585291a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_18.png deleted file mode 100644 index be032b832..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_19.png deleted file mode 100644 index dc42a3ffe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_20.png deleted file mode 100644 index f0eb27dc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character09/0426_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_01.png deleted file mode 100644 index 7dea92cf5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_02.png deleted file mode 100644 index b2a49f4a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_03.png deleted file mode 100644 index 839eb9765..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_04.png deleted file mode 100644 index bdbd4904b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_05.png deleted file mode 100644 index fe2db50b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_06.png deleted file mode 100644 index d2ef7d8f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_07.png deleted file mode 100644 index 9847f1873..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_08.png deleted file mode 100644 index c25e054e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_09.png deleted file mode 100644 index 5c71cd37c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_10.png deleted file mode 100644 index 0a05a6625..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_11.png deleted file mode 100644 index 442e67e99..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_12.png deleted file mode 100644 index 64876c06c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_13.png deleted file mode 100644 index 3e010d62e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_14.png deleted file mode 100644 index 14220d694..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_15.png deleted file mode 100644 index a6f5fd0ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_16.png deleted file mode 100644 index 2392e59b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_17.png deleted file mode 100644 index 3e2362d19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_18.png deleted file mode 100644 index 84afc7a08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_19.png deleted file mode 100644 index 65891f178..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_20.png deleted file mode 100644 index d3075cde0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character10/0427_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_01.png deleted file mode 100644 index 595e2b973..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_02.png deleted file mode 100644 index 6f2f6b51d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_03.png deleted file mode 100644 index a934099dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_04.png deleted file mode 100644 index ea1a56bca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_05.png deleted file mode 100644 index e9b13fc0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_06.png deleted file mode 100644 index 98396c027..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_07.png deleted file mode 100644 index 71723ab8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_08.png deleted file mode 100644 index daa3f1432..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_09.png deleted file mode 100644 index e125bff41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_10.png deleted file mode 100644 index 9aaeb62dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_11.png deleted file mode 100644 index ea4500c51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_12.png deleted file mode 100644 index bd5be8e2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_13.png deleted file mode 100644 index 7829c6108..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_14.png deleted file mode 100644 index f73bbaf6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_15.png deleted file mode 100644 index 172c77cc4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_16.png deleted file mode 100644 index b9d10cfb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_17.png deleted file mode 100644 index ba60d6e24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_18.png deleted file mode 100644 index a784e6734..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_19.png deleted file mode 100644 index 21a31b500..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_20.png deleted file mode 100644 index 95e66bb80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character11/0428_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_01.png deleted file mode 100644 index 5a4c51b94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_02.png deleted file mode 100644 index 5373f81e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_03.png deleted file mode 100644 index b5aad6e2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_04.png deleted file mode 100644 index 9f57e5f0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_05.png deleted file mode 100644 index 5b057a27f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_06.png deleted file mode 100644 index 199c88804..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_07.png deleted file mode 100644 index d705b73e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_08.png deleted file mode 100644 index a89e56117..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_09.png deleted file mode 100644 index 1c1216cbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_10.png deleted file mode 100644 index d4e4b0237..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_11.png deleted file mode 100644 index 2031abdaa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_12.png deleted file mode 100644 index e296e6085..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_13.png deleted file mode 100644 index 9793b0d8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_14.png deleted file mode 100644 index 9e8979c2e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_15.png deleted file mode 100644 index 624ac033f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_16.png deleted file mode 100644 index 6202a1fb7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_17.png deleted file mode 100644 index cbd785ff1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_18.png deleted file mode 100644 index 8813163e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_19.png deleted file mode 100644 index c83ef9d4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_20.png deleted file mode 100644 index 945bc2412..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character12/0429_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_01.png deleted file mode 100644 index f6e950502..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_02.png deleted file mode 100644 index 93965af7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_03.png deleted file mode 100644 index 027cbeb8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_04.png deleted file mode 100644 index d0cea6416..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_05.png deleted file mode 100644 index 12b07110e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_06.png deleted file mode 100644 index aeaff37f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_07.png deleted file mode 100644 index 19e556b25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_08.png deleted file mode 100644 index f4fbf1456..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_09.png deleted file mode 100644 index 9a6ddd5ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_10.png deleted file mode 100644 index a24ea6766..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_11.png deleted file mode 100644 index 250a1be23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_12.png deleted file mode 100644 index be600abf9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_13.png deleted file mode 100644 index e6326ba5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_14.png deleted file mode 100644 index 17c4cba39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_15.png deleted file mode 100644 index ec09d967e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_16.png deleted file mode 100644 index 08baf9a1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_17.png deleted file mode 100644 index dac6e0710..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_18.png deleted file mode 100644 index 9ab6bd0e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_19.png deleted file mode 100644 index b01f1c7b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_20.png deleted file mode 100644 index f670ade69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character13/0430_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_01.png deleted file mode 100644 index d07c526af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_02.png deleted file mode 100644 index 89a4c57a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_03.png deleted file mode 100644 index 68fdebeda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_04.png deleted file mode 100644 index 213f71731..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_05.png deleted file mode 100644 index ec9f77f1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_06.png deleted file mode 100644 index 9d1ab9bb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_07.png deleted file mode 100644 index c3c0792ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_08.png deleted file mode 100644 index 2af3e9cf4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_09.png deleted file mode 100644 index 6190f8631..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_10.png deleted file mode 100644 index 4218ed6b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_11.png deleted file mode 100644 index 978f4aa32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_12.png deleted file mode 100644 index ce90efbbe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_13.png deleted file mode 100644 index cfb59d71b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_14.png deleted file mode 100644 index 6134f77a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_15.png deleted file mode 100644 index 93d85ebf0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_16.png deleted file mode 100644 index 110a95a8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_17.png deleted file mode 100644 index 4e03ddc88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_18.png deleted file mode 100644 index 56705577a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_19.png deleted file mode 100644 index 8a5683cec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_20.png deleted file mode 100644 index 8a0c0eb19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character14/0431_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_01.png deleted file mode 100644 index b5dd0f6aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_02.png deleted file mode 100644 index 82d612f42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_03.png deleted file mode 100644 index 1cf6b817d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_04.png deleted file mode 100644 index 11c43303c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_05.png deleted file mode 100644 index 9e627d790..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_06.png deleted file mode 100644 index 97bbff1f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_07.png deleted file mode 100644 index 7f06bbbfa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_08.png deleted file mode 100644 index f0072bbc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_09.png deleted file mode 100644 index 442e4b227..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_10.png deleted file mode 100644 index 7eed12d3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_11.png deleted file mode 100644 index 19b59e148..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_12.png deleted file mode 100644 index eda62639a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_13.png deleted file mode 100644 index a39deb40a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_14.png deleted file mode 100644 index 04dc768ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_15.png deleted file mode 100644 index aede45f38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_16.png deleted file mode 100644 index 47a13eadb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_17.png deleted file mode 100644 index 9aeafe6e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_18.png deleted file mode 100644 index 9132ffd71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_19.png deleted file mode 100644 index 2866a4c65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_20.png deleted file mode 100644 index f73a2d000..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character15/0432_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_01.png deleted file mode 100644 index 9586b974c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_02.png deleted file mode 100644 index 477682ee4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_03.png deleted file mode 100644 index b98a99bb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_04.png deleted file mode 100644 index 99c8a4d22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_05.png deleted file mode 100644 index 230d8285b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_06.png deleted file mode 100644 index 2eac7f4de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_07.png deleted file mode 100644 index 88468350b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_08.png deleted file mode 100644 index 47d830825..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_09.png deleted file mode 100644 index 9f89e3eca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_10.png deleted file mode 100644 index 05297c478..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_11.png deleted file mode 100644 index f565870ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_12.png deleted file mode 100644 index e9cffaf38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_13.png deleted file mode 100644 index 77329e56c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_14.png deleted file mode 100644 index 753f5c68a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_15.png deleted file mode 100644 index e855c63af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_16.png deleted file mode 100644 index dbe74e3c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_17.png deleted file mode 100644 index cfa02f49b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_18.png deleted file mode 100644 index 68e1b2161..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_19.png deleted file mode 100644 index c23d3a6c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_20.png deleted file mode 100644 index 68eca529e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character16/0433_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_01.png deleted file mode 100644 index 24e228dd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_02.png deleted file mode 100644 index 8fc576469..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_03.png deleted file mode 100644 index 0a580af74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_04.png deleted file mode 100644 index f63bdbe30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_05.png deleted file mode 100644 index 16c4c9dff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_06.png deleted file mode 100644 index 20a067bd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_07.png deleted file mode 100644 index de1ea1ce1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_08.png deleted file mode 100644 index e993d12f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_09.png deleted file mode 100644 index 816a5ab65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_10.png deleted file mode 100644 index b3b70ede7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_11.png deleted file mode 100644 index 0e738c419..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_12.png deleted file mode 100644 index 8ffd0fcf9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_13.png deleted file mode 100644 index e287bc7ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_14.png deleted file mode 100644 index 558e2c41d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_15.png deleted file mode 100644 index a00f21018..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_16.png deleted file mode 100644 index ce3774bef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_17.png deleted file mode 100644 index cfdcd80c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_18.png deleted file mode 100644 index 9071429fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_19.png deleted file mode 100644 index 73d1131ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_20.png deleted file mode 100644 index 1f1f851f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character17/0434_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_01.png deleted file mode 100644 index 378843996..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_02.png deleted file mode 100644 index 4cd51eca0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_03.png deleted file mode 100644 index c166cec23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_04.png deleted file mode 100644 index edf3db6d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_05.png deleted file mode 100644 index 08aab030b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_06.png deleted file mode 100644 index 27b1bed87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_07.png deleted file mode 100644 index 7b31cc714..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_08.png deleted file mode 100644 index 36d9ec2fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_09.png deleted file mode 100644 index b28f21131..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_10.png deleted file mode 100644 index 0b11e58ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_11.png deleted file mode 100644 index a5015700e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_12.png deleted file mode 100644 index 541c0a94c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_13.png deleted file mode 100644 index 8ff133688..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_14.png deleted file mode 100644 index 2cb6844c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_15.png deleted file mode 100644 index 2b3cd1694..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_16.png deleted file mode 100644 index 866588ff3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_17.png deleted file mode 100644 index 4f3c1aa2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_18.png deleted file mode 100644 index 15172bd1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_19.png deleted file mode 100644 index cde219911..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_20.png deleted file mode 100644 index dafdbf45e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character18/0435_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_01.png deleted file mode 100644 index e2eb28f72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_02.png deleted file mode 100644 index c67c7473e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_03.png deleted file mode 100644 index 495e54309..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_04.png deleted file mode 100644 index 1749e6ef4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_05.png deleted file mode 100644 index 06b015807..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_06.png deleted file mode 100644 index 0db91f397..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_07.png deleted file mode 100644 index 5f89f41ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_08.png deleted file mode 100644 index e25eee438..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_09.png deleted file mode 100644 index 62369cdd7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_10.png deleted file mode 100644 index b58a05a23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_11.png deleted file mode 100644 index b0061a807..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_12.png deleted file mode 100644 index e06b49976..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_13.png deleted file mode 100644 index 01327a333..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_14.png deleted file mode 100644 index 333c88f6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_15.png deleted file mode 100644 index 071755b3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_16.png deleted file mode 100644 index 84b069edd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_17.png deleted file mode 100644 index 6222f7145..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_18.png deleted file mode 100644 index df4343dd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_19.png deleted file mode 100644 index c0f02cea5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_20.png deleted file mode 100644 index a4f0f0c49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character19/0436_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_01.png deleted file mode 100644 index 32aecf37d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_02.png deleted file mode 100644 index ac9177df4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_03.png deleted file mode 100644 index 8031b72d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_04.png deleted file mode 100644 index a9a503682..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_05.png deleted file mode 100644 index 6238c3d27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_06.png deleted file mode 100644 index 7da2bfbaa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_07.png deleted file mode 100644 index 2c31df34f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_08.png deleted file mode 100644 index 1c7c75832..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_09.png deleted file mode 100644 index 7317ecd93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_10.png deleted file mode 100644 index c489cb1de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_11.png deleted file mode 100644 index 77bf1f3e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_12.png deleted file mode 100644 index ba29dfd1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_13.png deleted file mode 100644 index f60aa727b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_14.png deleted file mode 100644 index b2154ba05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_15.png deleted file mode 100644 index fd19d74cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_16.png deleted file mode 100644 index dd06ae2c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_17.png deleted file mode 100644 index f8360c3bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_18.png deleted file mode 100644 index df07f1567..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_19.png deleted file mode 100644 index 471ceacaa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_20.png deleted file mode 100644 index 821e7ba61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character20/0437_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_01.png deleted file mode 100644 index 615c8579f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_02.png deleted file mode 100644 index 2f777ffc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_03.png deleted file mode 100644 index d6b81332d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_04.png deleted file mode 100644 index 014cb3f2e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_05.png deleted file mode 100644 index b879adac8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_06.png deleted file mode 100644 index fed4fcecb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_07.png deleted file mode 100644 index 34da4d94e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_08.png deleted file mode 100644 index 186557a41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_09.png deleted file mode 100644 index f08c159a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_10.png deleted file mode 100644 index 2c7d7dbab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_11.png deleted file mode 100644 index 5410720fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_12.png deleted file mode 100644 index 9259d299e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_13.png deleted file mode 100644 index 83e32f70f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_14.png deleted file mode 100644 index ee73a8300..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_15.png deleted file mode 100644 index eb5ac6797..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_16.png deleted file mode 100644 index e1dbbfdfe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_17.png deleted file mode 100644 index b1fb987bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_18.png deleted file mode 100644 index 4f233da3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_19.png deleted file mode 100644 index c80028edf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_20.png deleted file mode 100644 index f73e1533e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character21/0438_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_01.png deleted file mode 100644 index 1d4529365..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_02.png deleted file mode 100644 index 71d082cd6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_03.png deleted file mode 100644 index 2319088fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_04.png deleted file mode 100644 index cd369b40e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_05.png deleted file mode 100644 index 25455da5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_06.png deleted file mode 100644 index 50e955004..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_07.png deleted file mode 100644 index abdb7b04c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_08.png deleted file mode 100644 index 80aebf7b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_09.png deleted file mode 100644 index 233efd25d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_10.png deleted file mode 100644 index 957dd8682..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_11.png deleted file mode 100644 index 2db92766c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_12.png deleted file mode 100644 index 3f231a07b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_13.png deleted file mode 100644 index 72d3b10a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_14.png deleted file mode 100644 index 3f387c255..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_15.png deleted file mode 100644 index f33749d85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_16.png deleted file mode 100644 index 823bdaf71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_17.png deleted file mode 100644 index d8f1d8591..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_18.png deleted file mode 100644 index 8b4a14143..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_19.png deleted file mode 100644 index 6cb550a4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_20.png deleted file mode 100644 index 4925f20af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character22/0439_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_01.png deleted file mode 100644 index 65f80cf54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_02.png deleted file mode 100644 index 9a1d37be3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_03.png deleted file mode 100644 index 414e472e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_04.png deleted file mode 100644 index 61cd7ce13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_05.png deleted file mode 100644 index 1c881c71a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_06.png deleted file mode 100644 index 465cf9c76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_07.png deleted file mode 100644 index 65f8b908c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_08.png deleted file mode 100644 index e301f0074..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_09.png deleted file mode 100644 index 86b6ba648..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_10.png deleted file mode 100644 index a6b2ad3d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_11.png deleted file mode 100644 index 5aad664d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_12.png deleted file mode 100644 index 11fdd0f34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_13.png deleted file mode 100644 index 576ea056f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_14.png deleted file mode 100644 index a94d981c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_15.png deleted file mode 100644 index c06c9d196..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_16.png deleted file mode 100644 index be87df605..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_17.png deleted file mode 100644 index c7792ffc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_18.png deleted file mode 100644 index 736c1e3cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_19.png deleted file mode 100644 index 428f4d670..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_20.png deleted file mode 100644 index 54ced15a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character23/0440_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_01.png deleted file mode 100644 index 6b05d0cad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_02.png deleted file mode 100644 index dc897da03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_03.png deleted file mode 100644 index 3d0f973e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_04.png deleted file mode 100644 index 0297f4461..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_05.png deleted file mode 100644 index 78ca81c24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_06.png deleted file mode 100644 index ecbd3d568..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_07.png deleted file mode 100644 index 0cbb07383..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_08.png deleted file mode 100644 index 5cd460d1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_09.png deleted file mode 100644 index b66dce204..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_10.png deleted file mode 100644 index c4c51043b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_11.png deleted file mode 100644 index 1f2eb929d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_12.png deleted file mode 100644 index c80bf687c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_13.png deleted file mode 100644 index bf3daa4d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_14.png deleted file mode 100644 index 3bc2c585e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_15.png deleted file mode 100644 index e11ea6a81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_16.png deleted file mode 100644 index 1bb494a66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_17.png deleted file mode 100644 index 9b3b66a86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_18.png deleted file mode 100644 index 80f179ee5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_19.png deleted file mode 100644 index 10c0164c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_20.png deleted file mode 100644 index 3679a8671..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character24/0441_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_01.png deleted file mode 100644 index e706666e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_02.png deleted file mode 100644 index 04a3fc59f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_03.png deleted file mode 100644 index 362ada832..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_04.png deleted file mode 100644 index 20b86ad5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_05.png deleted file mode 100644 index 27203c614..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_06.png deleted file mode 100644 index df5eb128c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_07.png deleted file mode 100644 index f9a864107..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_08.png deleted file mode 100644 index 9b95ff2ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_09.png deleted file mode 100644 index ba364bb4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_10.png deleted file mode 100644 index c9c4850ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_11.png deleted file mode 100644 index 212a66f15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_12.png deleted file mode 100644 index 09106b9ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_13.png deleted file mode 100644 index 3d04cbf71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_14.png deleted file mode 100644 index f8d360c4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_15.png deleted file mode 100644 index 37c6bcf5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_16.png deleted file mode 100644 index 2df5bb743..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_17.png deleted file mode 100644 index 0fdca1dfb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_18.png deleted file mode 100644 index a985cdb96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_19.png deleted file mode 100644 index 2e52fb6c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_20.png deleted file mode 100644 index 39776d778..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character25/0442_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_01.png deleted file mode 100644 index 4ab3d9434..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_02.png deleted file mode 100644 index 81974dab5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_03.png deleted file mode 100644 index 75dba9a44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_04.png deleted file mode 100644 index 40ad01766..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_05.png deleted file mode 100644 index aba09a3a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_06.png deleted file mode 100644 index 9b8fd2368..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_07.png deleted file mode 100644 index ad769f8da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_08.png deleted file mode 100644 index adb87c6f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_09.png deleted file mode 100644 index 414a859d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_10.png deleted file mode 100644 index bf5399af1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_11.png deleted file mode 100644 index 0c5ffe5fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_12.png deleted file mode 100644 index b6d57fdaa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_13.png deleted file mode 100644 index b24ef9f39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_14.png deleted file mode 100644 index f7a8d8461..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_15.png deleted file mode 100644 index a0927b7a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_16.png deleted file mode 100644 index 61761e168..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_17.png deleted file mode 100644 index e9155ae6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_18.png deleted file mode 100644 index 434dea4f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_19.png deleted file mode 100644 index 2dabcb520..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_20.png deleted file mode 100644 index d78d82cf3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character26/0443_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_01.png deleted file mode 100644 index 960474fb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_02.png deleted file mode 100644 index 358e0516b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_03.png deleted file mode 100644 index e192ac68c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_04.png deleted file mode 100644 index 4ba7c3ad6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_05.png deleted file mode 100644 index 0562bc923..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_06.png deleted file mode 100644 index 175749b0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_07.png deleted file mode 100644 index 6e6c6debe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_08.png deleted file mode 100644 index c6b7b4149..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_09.png deleted file mode 100644 index 082a1bdaf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_10.png deleted file mode 100644 index 6657be5af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_11.png deleted file mode 100644 index a6c754a0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_12.png deleted file mode 100644 index a71e26b37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_13.png deleted file mode 100644 index c76b4bf06..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_14.png deleted file mode 100644 index 7d3d5f217..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_15.png deleted file mode 100644 index 106b3d7cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_16.png deleted file mode 100644 index 1aac936a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_17.png deleted file mode 100644 index 14512aac9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_18.png deleted file mode 100644 index 682963423..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_19.png deleted file mode 100644 index bd1a5a0da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_20.png deleted file mode 100644 index 63d0f330e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character27/0444_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_01.png deleted file mode 100644 index 0fb710762..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_02.png deleted file mode 100644 index fd1196746..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_03.png deleted file mode 100644 index 043d3c282..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_04.png deleted file mode 100644 index ec3da92d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_05.png deleted file mode 100644 index 658bccec5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_06.png deleted file mode 100644 index 6899c6df8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_07.png deleted file mode 100644 index f1e264e18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_08.png deleted file mode 100644 index 3319054d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_09.png deleted file mode 100644 index 2c648d786..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_10.png deleted file mode 100644 index 6acb1f8e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_11.png deleted file mode 100644 index b3157ddf6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_12.png deleted file mode 100644 index 48b5ff4e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_13.png deleted file mode 100644 index 1584c04f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_14.png deleted file mode 100644 index 38b786efd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_15.png deleted file mode 100644 index 6822946a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_16.png deleted file mode 100644 index 427c49939..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_17.png deleted file mode 100644 index b567dd751..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_18.png deleted file mode 100644 index b3bd3c4d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_19.png deleted file mode 100644 index 4775fbed6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_20.png deleted file mode 100644 index 38cfc6909..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character28/0445_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_01.png deleted file mode 100644 index 715f93932..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_02.png deleted file mode 100644 index 893e0be05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_03.png deleted file mode 100644 index 6375d8b7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_04.png deleted file mode 100644 index 7beed4880..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_05.png deleted file mode 100644 index d1db535da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_06.png deleted file mode 100644 index 1797679d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_07.png deleted file mode 100644 index 99e5b68d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_08.png deleted file mode 100644 index 5a629bd07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_09.png deleted file mode 100644 index cb14f43c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_10.png deleted file mode 100644 index 2f609e34b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_11.png deleted file mode 100644 index 594e584be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_12.png deleted file mode 100644 index 86ad72f74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_13.png deleted file mode 100644 index b2d935db9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_14.png deleted file mode 100644 index 578bbae08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_15.png deleted file mode 100644 index 6afed9d3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_16.png deleted file mode 100644 index 495c9b5ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_17.png deleted file mode 100644 index 2747f9fa9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_18.png deleted file mode 100644 index f6f78f3e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_19.png deleted file mode 100644 index cf820d868..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_20.png deleted file mode 100644 index 828d0ca01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character29/0446_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_01.png deleted file mode 100644 index 16691c1fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_02.png deleted file mode 100644 index 776686426..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_03.png deleted file mode 100644 index 821c00df1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_04.png deleted file mode 100644 index 8cb15783e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_05.png deleted file mode 100644 index 757341438..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_06.png deleted file mode 100644 index a566f7555..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_07.png deleted file mode 100644 index c8925fdc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_08.png deleted file mode 100644 index 64082bae5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_09.png deleted file mode 100644 index aa86c4a1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_10.png deleted file mode 100644 index 251efc83b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_11.png deleted file mode 100644 index bc82999a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_12.png deleted file mode 100644 index f7f807508..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_13.png deleted file mode 100644 index 61b71843d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_14.png deleted file mode 100644 index 202108a07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_15.png deleted file mode 100644 index 2515145c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_16.png deleted file mode 100644 index 724ab4f2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_17.png deleted file mode 100644 index ab77fb75a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_18.png deleted file mode 100644 index e68417e18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_19.png deleted file mode 100644 index 375f7a5a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_20.png deleted file mode 100644 index e1a8fd272..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character30/0447_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_01.png deleted file mode 100644 index 6c0ae4204..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_02.png deleted file mode 100644 index 61cec8898..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_03.png deleted file mode 100644 index dbb67223c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_04.png deleted file mode 100644 index d74887944..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_05.png deleted file mode 100644 index 29aa98ca5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_06.png deleted file mode 100644 index a9cd8d979..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_07.png deleted file mode 100644 index 9560402cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_08.png deleted file mode 100644 index 4c9413802..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_09.png deleted file mode 100644 index 45ed9b85b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_10.png deleted file mode 100644 index ce9a05f5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_11.png deleted file mode 100644 index 9edb7d72d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_12.png deleted file mode 100644 index cb7bde3d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_13.png deleted file mode 100644 index 1ebab4c20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_14.png deleted file mode 100644 index a94880c85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_15.png deleted file mode 100644 index d60c19dc8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_16.png deleted file mode 100644 index f1466acd2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_17.png deleted file mode 100644 index e3550b780..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_18.png deleted file mode 100644 index 05e945be3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_19.png deleted file mode 100644 index 12f7b85fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_20.png deleted file mode 100644 index ac03d3efd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character31/0448_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_01.png deleted file mode 100644 index 81aadc541..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_02.png deleted file mode 100644 index cdc058582..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_03.png deleted file mode 100644 index 9107de82a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_04.png deleted file mode 100644 index 5bc7301e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_05.png deleted file mode 100644 index e5db9513a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_06.png deleted file mode 100644 index 655349e2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_07.png deleted file mode 100644 index 5b4e86c58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_08.png deleted file mode 100644 index 43de4d9fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_09.png deleted file mode 100644 index 928bb4cae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_10.png deleted file mode 100644 index 94d818de6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_11.png deleted file mode 100644 index bda18713c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_12.png deleted file mode 100644 index 15a678048..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_13.png deleted file mode 100644 index 1e2167af4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_14.png deleted file mode 100644 index e584909e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_15.png deleted file mode 100644 index 3f489f204..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_16.png deleted file mode 100644 index f698207cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_17.png deleted file mode 100644 index b4c1b44b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_18.png deleted file mode 100644 index bb4b31437..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_19.png deleted file mode 100644 index 3f2566dd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_20.png deleted file mode 100644 index bc73ae7c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character32/0449_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_01.png deleted file mode 100644 index 8086a7987..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_02.png deleted file mode 100644 index c6c000732..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_03.png deleted file mode 100644 index 041d6ae94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_04.png deleted file mode 100644 index 8c87f2d0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_05.png deleted file mode 100644 index d6398b039..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_06.png deleted file mode 100644 index 1b718d6ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_07.png deleted file mode 100644 index 6dbf4fd93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_08.png deleted file mode 100644 index 2102b7158..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_09.png deleted file mode 100644 index 3b322ec0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_10.png deleted file mode 100644 index 472ada438..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_11.png deleted file mode 100644 index d6e09dbf7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_12.png deleted file mode 100644 index 5f18a323e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_13.png deleted file mode 100644 index c58492f03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_14.png deleted file mode 100644 index 61eac135e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_15.png deleted file mode 100644 index 85b83faf3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_16.png deleted file mode 100644 index be0e98698..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_17.png deleted file mode 100644 index b10d8559d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_18.png deleted file mode 100644 index f116db576..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_19.png deleted file mode 100644 index c7ca285e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_20.png deleted file mode 100644 index 470150034..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character33/0450_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_01.png deleted file mode 100644 index 940233d3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_02.png deleted file mode 100644 index 75d838b26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_03.png deleted file mode 100644 index c3b4d6e0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_04.png deleted file mode 100644 index 828bbbe8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_05.png deleted file mode 100644 index 126820cf5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_06.png deleted file mode 100644 index 644663453..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_07.png deleted file mode 100644 index 93608211d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_08.png deleted file mode 100644 index 3ded2744d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_09.png deleted file mode 100644 index 15a56ec60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_10.png deleted file mode 100644 index 2f54ba477..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_11.png deleted file mode 100644 index cae0e63bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_12.png deleted file mode 100644 index 34b15c107..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_13.png deleted file mode 100644 index 5402aed2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_14.png deleted file mode 100644 index b37f62555..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_15.png deleted file mode 100644 index c5612c1f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_16.png deleted file mode 100644 index ec897edd7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_17.png deleted file mode 100644 index ac5135f86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_18.png deleted file mode 100644 index aef509351..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_19.png deleted file mode 100644 index 4556936ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_20.png deleted file mode 100644 index c2ab177d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character34/0451_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_01.png deleted file mode 100644 index 374e424dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_02.png deleted file mode 100644 index bb313afab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_03.png deleted file mode 100644 index 54c59d5e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_04.png deleted file mode 100644 index 4e2abfd8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_05.png deleted file mode 100644 index 0dff635e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_06.png deleted file mode 100644 index adbab1ea2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_07.png deleted file mode 100644 index 7ebfefa3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_08.png deleted file mode 100644 index 83ec44fca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_09.png deleted file mode 100644 index 21c16bdb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_10.png deleted file mode 100644 index 04d456b11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_11.png deleted file mode 100644 index 5e8194a89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_12.png deleted file mode 100644 index 5fef407d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_13.png deleted file mode 100644 index 6ed6cff61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_14.png deleted file mode 100644 index b1521fbed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_15.png deleted file mode 100644 index 2c49167db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_16.png deleted file mode 100644 index 05a65f5d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_17.png deleted file mode 100644 index 1c201d44e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_18.png deleted file mode 100644 index 00e2f8fe9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_19.png deleted file mode 100644 index 076bbdd47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_20.png deleted file mode 100644 index 3d56e9e9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character35/0452_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_01.png deleted file mode 100644 index 77f418e9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_02.png deleted file mode 100644 index 99c159095..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_03.png deleted file mode 100644 index 5baded25b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_04.png deleted file mode 100644 index 3e445871a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_05.png deleted file mode 100644 index f6a950e8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_06.png deleted file mode 100644 index bf0dc5953..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_07.png deleted file mode 100644 index b6e7d3d79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_08.png deleted file mode 100644 index 5b0448496..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_09.png deleted file mode 100644 index 3f2fab404..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_10.png deleted file mode 100644 index 674880cea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_11.png deleted file mode 100644 index 1346157db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_12.png deleted file mode 100644 index 5f586f301..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_13.png deleted file mode 100644 index 4da66caf1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_14.png deleted file mode 100644 index 7cde56185..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_15.png deleted file mode 100644 index 12c193f52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_16.png deleted file mode 100644 index c2a437117..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_17.png deleted file mode 100644 index 581c1cceb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_18.png deleted file mode 100644 index 9766d4dea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_19.png deleted file mode 100644 index 5ee6b2866..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_20.png deleted file mode 100644 index 2ee28415a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character36/0453_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_01.png deleted file mode 100644 index 73c0d0b43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_02.png deleted file mode 100644 index 44c3b6bd2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_03.png deleted file mode 100644 index bd7cc6784..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_04.png deleted file mode 100644 index b234b5b0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_05.png deleted file mode 100644 index 3bbbf030e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_06.png deleted file mode 100644 index 880686e73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_07.png deleted file mode 100644 index a6ffee765..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_08.png deleted file mode 100644 index f4269cc3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_09.png deleted file mode 100644 index 4a1551571..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_10.png deleted file mode 100644 index 071a7d994..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_11.png deleted file mode 100644 index 2d5993507..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_12.png deleted file mode 100644 index 5eae0ce35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_13.png deleted file mode 100644 index 540eb95fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_14.png deleted file mode 100644 index 4017884d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_15.png deleted file mode 100644 index fa1ef7388..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_16.png deleted file mode 100644 index 18775f98d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_17.png deleted file mode 100644 index c4edcca71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_18.png deleted file mode 100644 index 9f452d7bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_19.png deleted file mode 100644 index eb4f8795a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_20.png deleted file mode 100644 index ed24e536c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character37/0454_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_01.png deleted file mode 100644 index 44133d9bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_02.png deleted file mode 100644 index 69c92472e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_03.png deleted file mode 100644 index d3f6e5bbf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_04.png deleted file mode 100644 index f8ba1804c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_05.png deleted file mode 100644 index dd3ccfd36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_06.png deleted file mode 100644 index 704f01c61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_07.png deleted file mode 100644 index aefd8cabd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_08.png deleted file mode 100644 index fe6db9925..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_09.png deleted file mode 100644 index 65735e4d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_10.png deleted file mode 100644 index 0026a57c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_11.png deleted file mode 100644 index 2bd3592a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_12.png deleted file mode 100644 index d5332039e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_13.png deleted file mode 100644 index 6837e12aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_14.png deleted file mode 100644 index 42ca0108e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_15.png deleted file mode 100644 index 6440dff7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_16.png deleted file mode 100644 index be647e628..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_17.png deleted file mode 100644 index 5253c0afa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_18.png deleted file mode 100644 index 37e0852ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_19.png deleted file mode 100644 index 76d048c52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_20.png deleted file mode 100644 index 8d938cb75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character38/0455_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_01.png deleted file mode 100644 index 60711359c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_02.png deleted file mode 100644 index 839d06581..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_03.png deleted file mode 100644 index 0b3e2cf21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_04.png deleted file mode 100644 index 8969246f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_05.png deleted file mode 100644 index a7d61e438..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_06.png deleted file mode 100644 index 14c2f27d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_07.png deleted file mode 100644 index 874b2267a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_08.png deleted file mode 100644 index 81585c6f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_09.png deleted file mode 100644 index 97dfde477..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_10.png deleted file mode 100644 index 2c1fa4f71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_11.png deleted file mode 100644 index b566328d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_12.png deleted file mode 100644 index b1a07ce3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_13.png deleted file mode 100644 index 318d2df3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_14.png deleted file mode 100644 index 254f11c82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_15.png deleted file mode 100644 index 1de4a4fa7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_16.png deleted file mode 100644 index 2b9ea97a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_17.png deleted file mode 100644 index 46354c9e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_18.png deleted file mode 100644 index 9d069b8fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_19.png deleted file mode 100644 index 1fcd97363..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_20.png deleted file mode 100644 index 22c7aa5aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character39/0456_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_01.png deleted file mode 100644 index 8f75b66a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_02.png deleted file mode 100644 index 95bcad679..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_03.png deleted file mode 100644 index 56b8ba274..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_04.png deleted file mode 100644 index 87e0e07d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_05.png deleted file mode 100644 index 1ba3586c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_06.png deleted file mode 100644 index 764964345..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_07.png deleted file mode 100644 index 2622f515a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_08.png deleted file mode 100644 index 69e0afe89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_09.png deleted file mode 100644 index ec505b573..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_10.png deleted file mode 100644 index 3c76315c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_11.png deleted file mode 100644 index 646c22ae4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_12.png deleted file mode 100644 index 45a23f20b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_13.png deleted file mode 100644 index 9aec009be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_14.png deleted file mode 100644 index e5444c9c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_15.png deleted file mode 100644 index 7fd402929..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_16.png deleted file mode 100644 index fe5dc7414..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_17.png deleted file mode 100644 index f8390d13a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_18.png deleted file mode 100644 index 20480957e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_19.png deleted file mode 100644 index 325420f7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_20.png deleted file mode 100644 index a91684ba4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character40/0457_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_01.png deleted file mode 100644 index 31703dd7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_02.png deleted file mode 100644 index cf8f991b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_03.png deleted file mode 100644 index d4f30bca3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_04.png deleted file mode 100644 index 43d943740..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_05.png deleted file mode 100644 index 6ce8d28d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_06.png deleted file mode 100644 index c94376f5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_07.png deleted file mode 100644 index 0363981fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_08.png deleted file mode 100644 index 62011863f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_09.png deleted file mode 100644 index 88421c1d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_10.png deleted file mode 100644 index 253bf0750..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_11.png deleted file mode 100644 index b48dfacec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_12.png deleted file mode 100644 index ad6fc7763..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_13.png deleted file mode 100644 index fbfece5d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_14.png deleted file mode 100644 index 4b76e5362..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_15.png deleted file mode 100644 index 65e9c1694..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_16.png deleted file mode 100644 index 557f59d81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_17.png deleted file mode 100644 index 2fe384fc0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_18.png deleted file mode 100644 index 9c086f4c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_19.png deleted file mode 100644 index a228d07fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_20.png deleted file mode 100644 index ee9daa40f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character41/0458_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_01.png deleted file mode 100644 index a546c3d48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_02.png deleted file mode 100644 index 022ae07d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_03.png deleted file mode 100644 index 0b2f0d43b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_04.png deleted file mode 100644 index e1af1d83b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_05.png deleted file mode 100644 index 74e89f8ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_06.png deleted file mode 100644 index 7d8499fd6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_07.png deleted file mode 100644 index f9f759979..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_08.png deleted file mode 100644 index b6dc5183a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_09.png deleted file mode 100644 index eee24e6fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_10.png deleted file mode 100644 index c66156df1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_11.png deleted file mode 100644 index b7231ba18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_12.png deleted file mode 100644 index fc5d8e185..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_13.png deleted file mode 100644 index cf2535f91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_14.png deleted file mode 100644 index 56564275b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_15.png deleted file mode 100644 index ff4eda0c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_16.png deleted file mode 100644 index 41e1afb56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_17.png deleted file mode 100644 index b74a0ff32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_18.png deleted file mode 100644 index 8957235ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_19.png deleted file mode 100644 index 9c28c65ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_20.png deleted file mode 100644 index a86fd32db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character42/0459_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_01.png deleted file mode 100644 index 5f47510af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_02.png deleted file mode 100644 index 61b035bea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_03.png deleted file mode 100644 index f7ad8a22e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_04.png deleted file mode 100644 index 4c32bbaec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_05.png deleted file mode 100644 index 4e5d6def2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_06.png deleted file mode 100644 index a459617f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_07.png deleted file mode 100644 index 26d24dcb7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_08.png deleted file mode 100644 index 68150fca7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_09.png deleted file mode 100644 index 53abc8a80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_10.png deleted file mode 100644 index a470c96c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_11.png deleted file mode 100644 index cf0a6c28c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_12.png deleted file mode 100644 index bfa9f3329..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_13.png deleted file mode 100644 index d02713826..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_14.png deleted file mode 100644 index 87907faea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_15.png deleted file mode 100644 index a634564c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_16.png deleted file mode 100644 index fcda42bd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_17.png deleted file mode 100644 index 8d69f1504..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_18.png deleted file mode 100644 index 4036a3789..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_19.png deleted file mode 100644 index eb6f9f423..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_20.png deleted file mode 100644 index 13832f66f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character43/0460_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_01.png deleted file mode 100644 index 094640ad0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_02.png deleted file mode 100644 index e31246453..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_03.png deleted file mode 100644 index bfce24d1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_04.png deleted file mode 100644 index 5fca32fb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_05.png deleted file mode 100644 index ac26239e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_06.png deleted file mode 100644 index 60c9a78d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_07.png deleted file mode 100644 index 97525ebbf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_08.png deleted file mode 100644 index c89c41530..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_09.png deleted file mode 100644 index 1d11f8045..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_10.png deleted file mode 100644 index ce76ba33e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_11.png deleted file mode 100644 index c011bab96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_12.png deleted file mode 100644 index 3a34ed5bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_13.png deleted file mode 100644 index 4594f32bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_14.png deleted file mode 100644 index bb67aef36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_15.png deleted file mode 100644 index 6f23372dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_16.png deleted file mode 100644 index d23859c48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_17.png deleted file mode 100644 index 839a01b86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_18.png deleted file mode 100644 index b138d2743..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_19.png deleted file mode 100644 index 4583e272f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_20.png deleted file mode 100644 index 97b5cbc0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character44/0461_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_01.png deleted file mode 100644 index 73b73c17c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_02.png deleted file mode 100644 index eed55c860..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_03.png deleted file mode 100644 index 7abc6e18d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_04.png deleted file mode 100644 index adbe56c10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_05.png deleted file mode 100644 index ff62b56f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_06.png deleted file mode 100644 index 5500d79ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_07.png deleted file mode 100644 index 06323f897..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_08.png deleted file mode 100644 index 9278c80ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_09.png deleted file mode 100644 index f21ca7dc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_10.png deleted file mode 100644 index 32a219645..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_11.png deleted file mode 100644 index 4c9a2228e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_12.png deleted file mode 100644 index 87f7474a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_13.png deleted file mode 100644 index e01ef18c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_14.png deleted file mode 100644 index c9a83860d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_15.png deleted file mode 100644 index 6a3cf4ffa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_16.png deleted file mode 100644 index c6929724e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_17.png deleted file mode 100644 index 4db83f95e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_18.png deleted file mode 100644 index bbd7a30b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_19.png deleted file mode 100644 index 42ef60e93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_20.png deleted file mode 100644 index aa27e2e5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character45/0462_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_01.png deleted file mode 100644 index e850774ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_02.png deleted file mode 100644 index ddd874706..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_03.png deleted file mode 100644 index cd3d32364..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_04.png deleted file mode 100644 index de14e0342..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_05.png deleted file mode 100644 index 9b79e93e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_06.png deleted file mode 100644 index d6ee4f38c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_07.png deleted file mode 100644 index 95d7c1df9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_08.png deleted file mode 100644 index de0b9d992..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_09.png deleted file mode 100644 index d4a065248..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_10.png deleted file mode 100644 index cd6bcb740..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_11.png deleted file mode 100644 index e50ab14bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_12.png deleted file mode 100644 index 50845b847..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_13.png deleted file mode 100644 index eb4a790c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_14.png deleted file mode 100644 index cf1803930..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_15.png deleted file mode 100644 index 2c2507048..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_16.png deleted file mode 100644 index a9e3b8ae4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_17.png deleted file mode 100644 index 1ffdd9b27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_18.png deleted file mode 100644 index 6796e49b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_19.png deleted file mode 100644 index 8e544a05e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_20.png deleted file mode 100644 index d12f8544a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character46/0463_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_01.png deleted file mode 100644 index 99f051990..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_02.png deleted file mode 100644 index a7c6302d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_03.png deleted file mode 100644 index a7c149f39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_04.png deleted file mode 100644 index 15ccdb02e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_05.png deleted file mode 100644 index 1db949566..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_06.png deleted file mode 100644 index 574764061..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_07.png deleted file mode 100644 index c70b1a760..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_08.png deleted file mode 100644 index ffb719e6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_09.png deleted file mode 100644 index bfd20b6ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_10.png deleted file mode 100644 index 9f507d844..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_11.png deleted file mode 100644 index 5bb3512fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_12.png deleted file mode 100644 index 6791c4272..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_13.png deleted file mode 100644 index 6d1f1bc7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_14.png deleted file mode 100644 index 504e428bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_15.png deleted file mode 100644 index 0f4a69caa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_16.png deleted file mode 100644 index c47d0522c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_17.png deleted file mode 100644 index e08950ccc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_18.png deleted file mode 100644 index 4ab758e5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_19.png deleted file mode 100644 index e9adf8ffa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_20.png deleted file mode 100644 index 5bab91267..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character47/0464_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_01.png deleted file mode 100644 index 32bfb763b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_02.png deleted file mode 100644 index 39e27f0d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_03.png deleted file mode 100644 index 4a958cfa2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_04.png deleted file mode 100644 index 54152232d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_05.png deleted file mode 100644 index fba09610b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_06.png deleted file mode 100644 index d62156b06..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_07.png deleted file mode 100644 index b0017df60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_08.png deleted file mode 100644 index 4b794a67c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_09.png deleted file mode 100644 index d975f8ff8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_10.png deleted file mode 100644 index 7934c48b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_11.png deleted file mode 100644 index 078c0eac3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_12.png deleted file mode 100644 index ce849c7b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_13.png deleted file mode 100644 index ccd224f67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_14.png deleted file mode 100644 index 60d6e04c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_15.png deleted file mode 100644 index 6f0f60968..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_16.png deleted file mode 100644 index a19aac9ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_17.png deleted file mode 100644 index f17e50f2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_18.png deleted file mode 100644 index af216c7dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_19.png deleted file mode 100644 index d49194bbe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_20.png deleted file mode 100644 index 58210d79b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Gujarati/character48/0465_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_01.png deleted file mode 100644 index f54cc41ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_02.png deleted file mode 100644 index 54f95839f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_03.png deleted file mode 100644 index 92259ceea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_04.png deleted file mode 100644 index 57ceb6874..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_05.png deleted file mode 100644 index 9bb8e3dae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_06.png deleted file mode 100644 index f9d1d32e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_07.png deleted file mode 100644 index e0bc71edf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_08.png deleted file mode 100644 index abd564045..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_09.png deleted file mode 100644 index efaeb0d39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_10.png deleted file mode 100644 index 960ed5d19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_11.png deleted file mode 100644 index 47a447d5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_12.png deleted file mode 100644 index 3c3e8612e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_13.png deleted file mode 100644 index d1fe26c4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_14.png deleted file mode 100644 index 1bb0ccf25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_15.png deleted file mode 100644 index a029b1187..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_16.png deleted file mode 100644 index d6001bc95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_17.png deleted file mode 100644 index 41354f8d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_18.png deleted file mode 100644 index 59fa6fa03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_19.png deleted file mode 100644 index 896df40e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_20.png deleted file mode 100644 index 3eeaaaf52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character01/0466_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_01.png deleted file mode 100644 index b75e353f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_02.png deleted file mode 100644 index 8350afaed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_03.png deleted file mode 100644 index 87db17827..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_04.png deleted file mode 100644 index 496c8db95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_05.png deleted file mode 100644 index 56ec53719..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_06.png deleted file mode 100644 index e409b2bb3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_07.png deleted file mode 100644 index e825a73a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_08.png deleted file mode 100644 index c6089ba77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_09.png deleted file mode 100644 index 7ec20157e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_10.png deleted file mode 100644 index f63601217..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_11.png deleted file mode 100644 index c879d44cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_12.png deleted file mode 100644 index e26e35cf9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_13.png deleted file mode 100644 index d032e0b7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_14.png deleted file mode 100644 index ccdb378af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_15.png deleted file mode 100644 index 2565ee474..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_16.png deleted file mode 100644 index 963fd3cc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_17.png deleted file mode 100644 index 9cd33ee5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_18.png deleted file mode 100644 index 0b8f662b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_19.png deleted file mode 100644 index 955b9e14f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_20.png deleted file mode 100644 index d55d82cf7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character02/0467_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_01.png deleted file mode 100644 index 6476cb9da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_02.png deleted file mode 100644 index 2593bf068..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_03.png deleted file mode 100644 index 60332038d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_04.png deleted file mode 100644 index d526d63dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_05.png deleted file mode 100644 index f96e0c437..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_06.png deleted file mode 100644 index bf5e3cc5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_07.png deleted file mode 100644 index 4f2b95809..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_08.png deleted file mode 100644 index 1a5c92f45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_09.png deleted file mode 100644 index 9907bf7dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_10.png deleted file mode 100644 index 3de6b3611..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_11.png deleted file mode 100644 index 5c8c0365e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_12.png deleted file mode 100644 index c11f3d956..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_13.png deleted file mode 100644 index 601a32bb0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_14.png deleted file mode 100644 index b836cc4b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_15.png deleted file mode 100644 index 2193aaea0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_16.png deleted file mode 100644 index 1e528f44b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_17.png deleted file mode 100644 index 0e73cabe8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_18.png deleted file mode 100644 index 17ea5074f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_19.png deleted file mode 100644 index 5cf43e6f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_20.png deleted file mode 100644 index e7d4e4674..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character03/0468_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_01.png deleted file mode 100644 index 8ca18a44c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_02.png deleted file mode 100644 index 08af313eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_03.png deleted file mode 100644 index 020386206..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_04.png deleted file mode 100644 index b52590be2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_05.png deleted file mode 100644 index 0984d7eb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_06.png deleted file mode 100644 index a2ae66e25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_07.png deleted file mode 100644 index fe4d3493f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_08.png deleted file mode 100644 index 985b7b574..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_09.png deleted file mode 100644 index 671774bd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_10.png deleted file mode 100644 index 7d640b3b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_11.png deleted file mode 100644 index e971e1416..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_12.png deleted file mode 100644 index 72af72477..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_13.png deleted file mode 100644 index 26ab493fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_14.png deleted file mode 100644 index ae6589a9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_15.png deleted file mode 100644 index 7d9371132..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_16.png deleted file mode 100644 index 909a7e1c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_17.png deleted file mode 100644 index a4774f845..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_18.png deleted file mode 100644 index 3cdf4628b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_19.png deleted file mode 100644 index c121ebff8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_20.png deleted file mode 100644 index fc165852f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character04/0469_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_01.png deleted file mode 100644 index 1269e7344..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_02.png deleted file mode 100644 index 59cf20b98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_03.png deleted file mode 100644 index f9fcc10ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_04.png deleted file mode 100644 index 1abf23fb5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_05.png deleted file mode 100644 index 35319d74c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_06.png deleted file mode 100644 index 6a5144855..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_07.png deleted file mode 100644 index 083a11e18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_08.png deleted file mode 100644 index b7de5490e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_09.png deleted file mode 100644 index 91651a784..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_10.png deleted file mode 100644 index 189405758..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_11.png deleted file mode 100644 index 1bcc8e126..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_12.png deleted file mode 100644 index 5c9e69ea1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_13.png deleted file mode 100644 index b76e8af4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_14.png deleted file mode 100644 index 7220be52e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_15.png deleted file mode 100644 index b9ae868af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_16.png deleted file mode 100644 index a385ddadd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_17.png deleted file mode 100644 index 313039721..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_18.png deleted file mode 100644 index 2b39c174b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_19.png deleted file mode 100644 index d05bad20d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_20.png deleted file mode 100644 index 35dfda7fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character05/0470_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_01.png deleted file mode 100644 index f090a4256..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_02.png deleted file mode 100644 index c59278f1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_03.png deleted file mode 100644 index f30817498..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_04.png deleted file mode 100644 index a2cf0ea18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_05.png deleted file mode 100644 index ae82e8b1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_06.png deleted file mode 100644 index e41b5a41b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_07.png deleted file mode 100644 index 0282e0904..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_08.png deleted file mode 100644 index 56d20c4b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_09.png deleted file mode 100644 index 2a1b739c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_10.png deleted file mode 100644 index af7851b08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_11.png deleted file mode 100644 index 3b46e0745..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_12.png deleted file mode 100644 index c909fffbb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_13.png deleted file mode 100644 index 28a5c62e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_14.png deleted file mode 100644 index 12e70a3bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_15.png deleted file mode 100644 index 91eacfa49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_16.png deleted file mode 100644 index 740ac3af2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_17.png deleted file mode 100644 index c4b8dfd9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_18.png deleted file mode 100644 index 998550612..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_19.png deleted file mode 100644 index e44102fd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_20.png deleted file mode 100644 index 8acfdd7ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character06/0471_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_01.png deleted file mode 100644 index 2fe774e61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_02.png deleted file mode 100644 index 23bafd8a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_03.png deleted file mode 100644 index 7b53d8ce2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_04.png deleted file mode 100644 index bea902a23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_05.png deleted file mode 100644 index 1970050be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_06.png deleted file mode 100644 index ba4856bd7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_07.png deleted file mode 100644 index 00ae63d64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_08.png deleted file mode 100644 index 1463a66e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_09.png deleted file mode 100644 index c91ea429d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_10.png deleted file mode 100644 index cf9c980cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_11.png deleted file mode 100644 index a6593e0a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_12.png deleted file mode 100644 index 3c93ea13b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_13.png deleted file mode 100644 index e1ea15faa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_14.png deleted file mode 100644 index 3d046b51e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_15.png deleted file mode 100644 index 4192b0ebe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_16.png deleted file mode 100644 index 626fbb2b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_17.png deleted file mode 100644 index 3e942728a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_18.png deleted file mode 100644 index a4080ee69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_19.png deleted file mode 100644 index e96e7314c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_20.png deleted file mode 100644 index ea59cd738..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character07/0472_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_01.png deleted file mode 100644 index 681b42398..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_02.png deleted file mode 100644 index 2b4ac0748..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_03.png deleted file mode 100644 index 8331fd5cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_04.png deleted file mode 100644 index b891ac576..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_05.png deleted file mode 100644 index 07c5f7893..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_06.png deleted file mode 100644 index e2eb8d319..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_07.png deleted file mode 100644 index 9d4652fee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_08.png deleted file mode 100644 index 059a8e85f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_09.png deleted file mode 100644 index b86a44594..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_10.png deleted file mode 100644 index 3cc14310c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_11.png deleted file mode 100644 index 262d47109..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_12.png deleted file mode 100644 index e6543420a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_13.png deleted file mode 100644 index 427eae94c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_14.png deleted file mode 100644 index 7844acca5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_15.png deleted file mode 100644 index ee1999b4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_16.png deleted file mode 100644 index 61868c5cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_17.png deleted file mode 100644 index c52789efc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_18.png deleted file mode 100644 index 95d365d1d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_19.png deleted file mode 100644 index 5440f9ec7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_20.png deleted file mode 100644 index 8a00bb24b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character08/0473_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_01.png deleted file mode 100644 index f9927587e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_02.png deleted file mode 100644 index e90850eaf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_03.png deleted file mode 100644 index ef276c787..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_04.png deleted file mode 100644 index 687a257dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_05.png deleted file mode 100644 index a588f2648..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_06.png deleted file mode 100644 index 4fa7f0942..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_07.png deleted file mode 100644 index 4297e7c56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_08.png deleted file mode 100644 index 1da961a1d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_09.png deleted file mode 100644 index 0afeb28b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_10.png deleted file mode 100644 index 4cc8c4a81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_11.png deleted file mode 100644 index ee3792e2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_12.png deleted file mode 100644 index e19039a0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_13.png deleted file mode 100644 index 3dee46de5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_14.png deleted file mode 100644 index 0e8288897..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_15.png deleted file mode 100644 index 82ad1c187..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_16.png deleted file mode 100644 index a1f58cc4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_17.png deleted file mode 100644 index 303fb9fa9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_18.png deleted file mode 100644 index bf8863cd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_19.png deleted file mode 100644 index 392ca798a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_20.png deleted file mode 100644 index ada507d46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character09/0474_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_01.png deleted file mode 100644 index 702a8ed15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_02.png deleted file mode 100644 index a09f02dff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_03.png deleted file mode 100644 index dfc6ec904..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_04.png deleted file mode 100644 index f173168a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_05.png deleted file mode 100644 index 17277c154..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_06.png deleted file mode 100644 index 698f419a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_07.png deleted file mode 100644 index 3ff302c42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_08.png deleted file mode 100644 index 91ad7148d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_09.png deleted file mode 100644 index 424eff341..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_10.png deleted file mode 100644 index 107fca4db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_11.png deleted file mode 100644 index e626a3ff6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_12.png deleted file mode 100644 index 1164a5a04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_13.png deleted file mode 100644 index 3a9167dab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_14.png deleted file mode 100644 index dd4e32099..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_15.png deleted file mode 100644 index 3fb776432..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_16.png deleted file mode 100644 index ac2a11cee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_17.png deleted file mode 100644 index 8ac16ea6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_18.png deleted file mode 100644 index 3667c117b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_19.png deleted file mode 100644 index 98c77bedd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_20.png deleted file mode 100644 index ef1d81ded..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character10/0475_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_01.png deleted file mode 100644 index 4adba4b5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_02.png deleted file mode 100644 index 9575322f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_03.png deleted file mode 100644 index ecf7d41e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_04.png deleted file mode 100644 index 6307c5995..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_05.png deleted file mode 100644 index 9f7c94bc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_06.png deleted file mode 100644 index 966f46d32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_07.png deleted file mode 100644 index 66e77c4e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_08.png deleted file mode 100644 index 982c71b87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_09.png deleted file mode 100644 index 339206892..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_10.png deleted file mode 100644 index 50fc11d7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_11.png deleted file mode 100644 index cdfefd3d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_12.png deleted file mode 100644 index a75487523..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_13.png deleted file mode 100644 index 57917da18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_14.png deleted file mode 100644 index 505a09c2e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_15.png deleted file mode 100644 index 0653b9caf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_16.png deleted file mode 100644 index 76843f955..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_17.png deleted file mode 100644 index a2c97ef3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_18.png deleted file mode 100644 index c7441d865..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_19.png deleted file mode 100644 index 2572beea2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_20.png deleted file mode 100644 index e538bd1b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character11/0476_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_01.png deleted file mode 100644 index 187693270..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_02.png deleted file mode 100644 index 6ac4edd2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_03.png deleted file mode 100644 index 43e600b2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_04.png deleted file mode 100644 index aabad3ed0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_05.png deleted file mode 100644 index 27ff87cdd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_06.png deleted file mode 100644 index fbc13c037..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_07.png deleted file mode 100644 index b2a3c7894..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_08.png deleted file mode 100644 index 2cbfcb68e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_09.png deleted file mode 100644 index 7eccf9395..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_10.png deleted file mode 100644 index 09294e1bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_11.png deleted file mode 100644 index 87f9fa42b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_12.png deleted file mode 100644 index 9ac511973..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_13.png deleted file mode 100644 index 2c348b604..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_14.png deleted file mode 100644 index 9d4dab7b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_15.png deleted file mode 100644 index 52a3f685d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_16.png deleted file mode 100644 index dbdbc1b13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_17.png deleted file mode 100644 index 9815c6f12..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_18.png deleted file mode 100644 index c198cf2e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_19.png deleted file mode 100644 index e3192ec93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_20.png deleted file mode 100644 index 43cc3a683..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character12/0477_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_01.png deleted file mode 100644 index 591fb03c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_02.png deleted file mode 100644 index a79279e9d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_03.png deleted file mode 100644 index 8d8f84ec6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_04.png deleted file mode 100644 index e143eb78f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_05.png deleted file mode 100644 index 8b1f5b0fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_06.png deleted file mode 100644 index ee884ecfc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_07.png deleted file mode 100644 index dce8bc033..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_08.png deleted file mode 100644 index 8c94df3c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_09.png deleted file mode 100644 index caa4b911d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_10.png deleted file mode 100644 index fd64f509e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_11.png deleted file mode 100644 index 87c935df6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_12.png deleted file mode 100644 index d056751e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_13.png deleted file mode 100644 index 1e833617a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_14.png deleted file mode 100644 index 6869ae856..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_15.png deleted file mode 100644 index 155ab4c01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_16.png deleted file mode 100644 index 0626d0135..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_17.png deleted file mode 100644 index 2921a70e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_18.png deleted file mode 100644 index dd36a0d31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_19.png deleted file mode 100644 index d52de9fae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_20.png deleted file mode 100644 index f5aa116b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character13/0478_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_01.png deleted file mode 100644 index 56918e09e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_02.png deleted file mode 100644 index 6e29eb850..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_03.png deleted file mode 100644 index 7eff6b1fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_04.png deleted file mode 100644 index 3adf57ea2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_05.png deleted file mode 100644 index dafe29c21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_06.png deleted file mode 100644 index a9cc9b3d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_07.png deleted file mode 100644 index 50b469a30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_08.png deleted file mode 100644 index ae4ddfd99..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_09.png deleted file mode 100644 index c461198a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_10.png deleted file mode 100644 index 66a525ff3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_11.png deleted file mode 100644 index 43e240492..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_12.png deleted file mode 100644 index 4f604190b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_13.png deleted file mode 100644 index 32656d01e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_14.png deleted file mode 100644 index ed289ca9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_15.png deleted file mode 100644 index cfff03a30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_16.png deleted file mode 100644 index 413fb7fdd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_17.png deleted file mode 100644 index 56045e6b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_18.png deleted file mode 100644 index 26d12cb22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_19.png deleted file mode 100644 index bddfe7275..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_20.png deleted file mode 100644 index 81d8afafc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character14/0479_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_01.png deleted file mode 100644 index 1b6c7cda3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_02.png deleted file mode 100644 index e9cb83275..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_03.png deleted file mode 100644 index 2f72149b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_04.png deleted file mode 100644 index c9c1aac71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_05.png deleted file mode 100644 index 67227c6c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_06.png deleted file mode 100644 index 33968685b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_07.png deleted file mode 100644 index ad88f4d8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_08.png deleted file mode 100644 index 3e0989faf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_09.png deleted file mode 100644 index 05480964d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_10.png deleted file mode 100644 index 85e91cd7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_11.png deleted file mode 100644 index dbe9c5a23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_12.png deleted file mode 100644 index dc910258e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_13.png deleted file mode 100644 index f7a6a4edb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_14.png deleted file mode 100644 index 2bd818fdd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_15.png deleted file mode 100644 index 75a174f0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_16.png deleted file mode 100644 index 4bb9ee700..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_17.png deleted file mode 100644 index 1ed0eb214..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_18.png deleted file mode 100644 index 0208253b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_19.png deleted file mode 100644 index 7f730a5d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_20.png deleted file mode 100644 index ed705a8fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character15/0480_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_01.png deleted file mode 100644 index ab71b14c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_02.png deleted file mode 100644 index ce9be30e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_03.png deleted file mode 100644 index db308f492..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_04.png deleted file mode 100644 index 65a5bf0ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_05.png deleted file mode 100644 index 4256ec6c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_06.png deleted file mode 100644 index 734453886..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_07.png deleted file mode 100644 index 269d755d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_08.png deleted file mode 100644 index 98c8f3658..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_09.png deleted file mode 100644 index 5850b657a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_10.png deleted file mode 100644 index 5f012bf3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_11.png deleted file mode 100644 index 9e8fe5b05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_12.png deleted file mode 100644 index dc6000c00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_13.png deleted file mode 100644 index 3df3bd5eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_14.png deleted file mode 100644 index c1d644574..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_15.png deleted file mode 100644 index 005c424ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_16.png deleted file mode 100644 index 9b59c97b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_17.png deleted file mode 100644 index a4fb82715..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_18.png deleted file mode 100644 index 2726c64ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_19.png deleted file mode 100644 index dde090a2e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_20.png deleted file mode 100644 index a771bd32d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character16/0481_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_01.png deleted file mode 100644 index b58ac2dc4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_02.png deleted file mode 100644 index 388deb7a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_03.png deleted file mode 100644 index 58b356b0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_04.png deleted file mode 100644 index 7685557a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_05.png deleted file mode 100644 index b1efaf58f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_06.png deleted file mode 100644 index fbd1fe63b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_07.png deleted file mode 100644 index 23699b839..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_08.png deleted file mode 100644 index a01c7f3ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_09.png deleted file mode 100644 index 862c6a242..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_10.png deleted file mode 100644 index a39cac4c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_11.png deleted file mode 100644 index d1ce7af84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_12.png deleted file mode 100644 index 9f2137562..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_13.png deleted file mode 100644 index 62071625f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_14.png deleted file mode 100644 index 9c51d1922..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_15.png deleted file mode 100644 index bf21f2423..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_16.png deleted file mode 100644 index 169ebda9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_17.png deleted file mode 100644 index c8a576fc7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_18.png deleted file mode 100644 index ec32b76f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_19.png deleted file mode 100644 index dbb01c480..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_20.png deleted file mode 100644 index cfb2ee4e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character17/0482_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_01.png deleted file mode 100644 index c6e51ea15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_02.png deleted file mode 100644 index a1f523ba9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_03.png deleted file mode 100644 index 43fea4076..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_04.png deleted file mode 100644 index 2ea6a65c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_05.png deleted file mode 100644 index 6be7b1605..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_06.png deleted file mode 100644 index 28055e515..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_07.png deleted file mode 100644 index f76578337..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_08.png deleted file mode 100644 index f0c8f348d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_09.png deleted file mode 100644 index 57a63b1d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_10.png deleted file mode 100644 index 10a15aae7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_11.png deleted file mode 100644 index ed5cf638e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_12.png deleted file mode 100644 index bb6851ef9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_13.png deleted file mode 100644 index 14c75e88f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_14.png deleted file mode 100644 index 76867d5ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_15.png deleted file mode 100644 index 9861b0a43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_16.png deleted file mode 100644 index b0d234c32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_17.png deleted file mode 100644 index 2b6b2f6af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_18.png deleted file mode 100644 index b34168d97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_19.png deleted file mode 100644 index 282d6b13a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_20.png deleted file mode 100644 index 1bd550657..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character18/0483_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_01.png deleted file mode 100644 index 2b9781393..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_02.png deleted file mode 100644 index 9d20b255d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_03.png deleted file mode 100644 index 10075ae8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_04.png deleted file mode 100644 index 59a9b5ca8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_05.png deleted file mode 100644 index 90dd62b59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_06.png deleted file mode 100644 index 3e9001016..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_07.png deleted file mode 100644 index 7f06dabe7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_08.png deleted file mode 100644 index 079be1ae9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_09.png deleted file mode 100644 index 3d686d390..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_10.png deleted file mode 100644 index a0e55b647..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_11.png deleted file mode 100644 index a67de1aa2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_12.png deleted file mode 100644 index ded1d971d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_13.png deleted file mode 100644 index 5a28da4e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_14.png deleted file mode 100644 index a7e429d78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_15.png deleted file mode 100644 index 8995f905c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_16.png deleted file mode 100644 index b804015ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_17.png deleted file mode 100644 index 77d6a21ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_18.png deleted file mode 100644 index 73a3f188e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_19.png deleted file mode 100644 index 4167feaba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_20.png deleted file mode 100644 index dca6b7bae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character19/0484_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_01.png deleted file mode 100644 index 26cadb7b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_02.png deleted file mode 100644 index b1d95cffa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_03.png deleted file mode 100644 index 53e7d0e92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_04.png deleted file mode 100644 index bda1cd0c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_05.png deleted file mode 100644 index bcdf8079c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_06.png deleted file mode 100644 index 94c3953e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_07.png deleted file mode 100644 index 9be5e892b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_08.png deleted file mode 100644 index a7c6465b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_09.png deleted file mode 100644 index 32730300c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_10.png deleted file mode 100644 index 3b0e51104..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_11.png deleted file mode 100644 index 47d0cfb50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_12.png deleted file mode 100644 index 8ce0f80a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_13.png deleted file mode 100644 index 01abcec77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_14.png deleted file mode 100644 index e7bcd67e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_15.png deleted file mode 100644 index 2d2d714ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_16.png deleted file mode 100644 index 9b5857a42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_17.png deleted file mode 100644 index 53f9e6ba5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_18.png deleted file mode 100644 index 199db2efc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_19.png deleted file mode 100644 index 61bca946a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_20.png deleted file mode 100644 index a4a9e337f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character20/0485_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_01.png deleted file mode 100644 index 093286ab3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_02.png deleted file mode 100644 index 2a1b15736..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_03.png deleted file mode 100644 index 8a672c407..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_04.png deleted file mode 100644 index a54b41aa1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_05.png deleted file mode 100644 index 38a3b0a62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_06.png deleted file mode 100644 index 40e4aa49f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_07.png deleted file mode 100644 index 7df76798c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_08.png deleted file mode 100644 index 97f2381f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_09.png deleted file mode 100644 index 668cd3b74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_10.png deleted file mode 100644 index 11ebbdd3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_11.png deleted file mode 100644 index f0bdf6db2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_12.png deleted file mode 100644 index 72daf1d03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_13.png deleted file mode 100644 index 476c17fdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_14.png deleted file mode 100644 index 4399693a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_15.png deleted file mode 100644 index 78b1e7f7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_16.png deleted file mode 100644 index 137e24a64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_17.png deleted file mode 100644 index dcbbcfe0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_18.png deleted file mode 100644 index 4b76442f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_19.png deleted file mode 100644 index 4fbbc0012..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_20.png deleted file mode 100644 index 8484b79d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character21/0486_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_01.png deleted file mode 100644 index 125fbaf03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_02.png deleted file mode 100644 index f12e00014..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_03.png deleted file mode 100644 index 6d0792562..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_04.png deleted file mode 100644 index 9f3229cc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_05.png deleted file mode 100644 index 24d5eb2d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_06.png deleted file mode 100644 index fcf7f6cb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_07.png deleted file mode 100644 index fcb78226d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_08.png deleted file mode 100644 index c70db24ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_09.png deleted file mode 100644 index 970a8c441..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_10.png deleted file mode 100644 index de2a3ca8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_11.png deleted file mode 100644 index f3ddece50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_12.png deleted file mode 100644 index 42dc10e70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_13.png deleted file mode 100644 index b673edc79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_14.png deleted file mode 100644 index 000d428f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_15.png deleted file mode 100644 index 7b0eaf001..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_16.png deleted file mode 100644 index 89d18fb23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_17.png deleted file mode 100644 index b61e8ae82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_18.png deleted file mode 100644 index 17ed3bcfe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_19.png deleted file mode 100644 index f5b638351..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_20.png deleted file mode 100644 index fdbace110..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Hebrew/character22/0487_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_01.png deleted file mode 100644 index dfb0be37b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_02.png deleted file mode 100644 index 371915955..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_03.png deleted file mode 100644 index 0d5cf87c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_04.png deleted file mode 100644 index a1b30086a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_05.png deleted file mode 100644 index 6f384b1da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_06.png deleted file mode 100644 index 4ab00d776..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_07.png deleted file mode 100644 index 750affa13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_08.png deleted file mode 100644 index 1c61f5c2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_09.png deleted file mode 100644 index 0d2231ec1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_10.png deleted file mode 100644 index 2324b3c83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_11.png deleted file mode 100644 index b6ed5d8ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_12.png deleted file mode 100644 index d2f1909c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_13.png deleted file mode 100644 index 9245f1140..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_14.png deleted file mode 100644 index 00aa75137..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_15.png deleted file mode 100644 index f9b3e9163..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_16.png deleted file mode 100644 index d2195cb0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_17.png deleted file mode 100644 index bfc2f6015..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_18.png deleted file mode 100644 index 4cd5c208d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_19.png deleted file mode 100644 index d82859ad6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_20.png deleted file mode 100644 index c5ad3e3bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character01/0540_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_01.png deleted file mode 100644 index 00da301fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_02.png deleted file mode 100644 index d98e84fd7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_03.png deleted file mode 100644 index b71150289..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_04.png deleted file mode 100644 index 5224b9caa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_05.png deleted file mode 100644 index bcb4e2a45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_06.png deleted file mode 100644 index 69d0009e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_07.png deleted file mode 100644 index 60b6eeab5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_08.png deleted file mode 100644 index a7d7ab0d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_09.png deleted file mode 100644 index 88f0059c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_10.png deleted file mode 100644 index 68d5693f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_11.png deleted file mode 100644 index ce9638996..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_12.png deleted file mode 100644 index e60e45a29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_13.png deleted file mode 100644 index b543be47b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_14.png deleted file mode 100644 index 264d1ae95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_15.png deleted file mode 100644 index 546150234..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_16.png deleted file mode 100644 index efdf2e7d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_17.png deleted file mode 100644 index 51c3e57e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_18.png deleted file mode 100644 index ac6f73344..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_19.png deleted file mode 100644 index 9da834bb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_20.png deleted file mode 100644 index a6e937697..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character02/0541_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_01.png deleted file mode 100644 index 20102c1f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_02.png deleted file mode 100644 index 1e696c251..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_03.png deleted file mode 100644 index c97dc8f95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_04.png deleted file mode 100644 index 1803e2a52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_05.png deleted file mode 100644 index 40ed46341..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_06.png deleted file mode 100644 index b84ff282f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_07.png deleted file mode 100644 index d52225359..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_08.png deleted file mode 100644 index c5926563c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_09.png deleted file mode 100644 index 4a6fdbcdb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_10.png deleted file mode 100644 index e8ec5176c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_11.png deleted file mode 100644 index 31d966152..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_12.png deleted file mode 100644 index fc9a94cba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_13.png deleted file mode 100644 index df3bfac4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_14.png deleted file mode 100644 index 7ace43bd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_15.png deleted file mode 100644 index 090ce4278..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_16.png deleted file mode 100644 index 1aa194eb2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_17.png deleted file mode 100644 index d3d36411c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_18.png deleted file mode 100644 index 3f343e7cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_19.png deleted file mode 100644 index 7b7428655..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_20.png deleted file mode 100644 index c1ecc8b78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character03/0542_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_01.png deleted file mode 100644 index 9b6fb5d79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_02.png deleted file mode 100644 index d73a92777..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_03.png deleted file mode 100644 index cefc3d068..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_04.png deleted file mode 100644 index a86e4c3a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_05.png deleted file mode 100644 index ebb680aad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_06.png deleted file mode 100644 index 95bba8a15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_07.png deleted file mode 100644 index 8c8e3f7bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_08.png deleted file mode 100644 index 6ac561e13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_09.png deleted file mode 100644 index f23059a71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_10.png deleted file mode 100644 index 3e4718d56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_11.png deleted file mode 100644 index a9cc58f68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_12.png deleted file mode 100644 index 6dc826718..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_13.png deleted file mode 100644 index 2ac10144b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_14.png deleted file mode 100644 index f416f22e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_15.png deleted file mode 100644 index e4dbcdd0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_16.png deleted file mode 100644 index 6bd77b8fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_17.png deleted file mode 100644 index daedd5c7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_18.png deleted file mode 100644 index b8cfd6b67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_19.png deleted file mode 100644 index 2e0af0f99..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_20.png deleted file mode 100644 index a539c7e70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character04/0543_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_01.png deleted file mode 100644 index 44cd5b15f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_02.png deleted file mode 100644 index 37a1382c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_03.png deleted file mode 100644 index d8ae816e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_04.png deleted file mode 100644 index 50b4209d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_05.png deleted file mode 100644 index 804493ec4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_06.png deleted file mode 100644 index 2e12aa9ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_07.png deleted file mode 100644 index 2c05c0433..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_08.png deleted file mode 100644 index 576d8f43d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_09.png deleted file mode 100644 index 646cd253f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_10.png deleted file mode 100644 index 4728f6c19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_11.png deleted file mode 100644 index 8dbd7c876..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_12.png deleted file mode 100644 index bed2cb8b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_13.png deleted file mode 100644 index 9da5727e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_14.png deleted file mode 100644 index 016c27160..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_15.png deleted file mode 100644 index fcf642e1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_16.png deleted file mode 100644 index af89385e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_17.png deleted file mode 100644 index e99996154..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_18.png deleted file mode 100644 index 1df060ca8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_19.png deleted file mode 100644 index 8ba6e9f4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_20.png deleted file mode 100644 index a1833c4a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character05/0544_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_01.png deleted file mode 100644 index 90e816800..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_02.png deleted file mode 100644 index b47c96375..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_03.png deleted file mode 100644 index 69f619938..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_04.png deleted file mode 100644 index 01a611824..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_05.png deleted file mode 100644 index ff9861627..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_06.png deleted file mode 100644 index 59cb918d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_07.png deleted file mode 100644 index c8b57f41a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_08.png deleted file mode 100644 index 5742aa7ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_09.png deleted file mode 100644 index 1e5036520..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_10.png deleted file mode 100644 index 3d3faac40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_11.png deleted file mode 100644 index 4bf9c1316..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_12.png deleted file mode 100644 index 8efdf0505..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_13.png deleted file mode 100644 index 1a661a281..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_14.png deleted file mode 100644 index 12f97227d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_15.png deleted file mode 100644 index 928d310dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_16.png deleted file mode 100644 index dfb8c5624..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_17.png deleted file mode 100644 index e22ff276d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_18.png deleted file mode 100644 index dcb4d7ad3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_19.png deleted file mode 100644 index dcff18270..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_20.png deleted file mode 100644 index f11680dfc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character06/0545_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_01.png deleted file mode 100644 index 17bbd64a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_02.png deleted file mode 100644 index 5bbef45df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_03.png deleted file mode 100644 index cfa54b20a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_04.png deleted file mode 100644 index 93ef0dd94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_05.png deleted file mode 100644 index a8ec541de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_06.png deleted file mode 100644 index cdb122a38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_07.png deleted file mode 100644 index b8ca2defb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_08.png deleted file mode 100644 index 8e53348f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_09.png deleted file mode 100644 index 0e769c7aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_10.png deleted file mode 100644 index a98818c73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_11.png deleted file mode 100644 index 9f81b1aa3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_12.png deleted file mode 100644 index e27915116..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_13.png deleted file mode 100644 index 08d67002e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_14.png deleted file mode 100644 index 965dd01ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_15.png deleted file mode 100644 index 7fa241080..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_16.png deleted file mode 100644 index 15e09d5f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_17.png deleted file mode 100644 index 82d10745e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_18.png deleted file mode 100644 index cbd94c279..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_19.png deleted file mode 100644 index 6fc6f084f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_20.png deleted file mode 100644 index 2412a7172..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character07/0546_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_01.png deleted file mode 100644 index 54fba44a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_02.png deleted file mode 100644 index b313f6489..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_03.png deleted file mode 100644 index 40741a524..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_04.png deleted file mode 100644 index 18eeacfe5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_05.png deleted file mode 100644 index 2640ece37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_06.png deleted file mode 100644 index 1eb2454fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_07.png deleted file mode 100644 index 198acfd25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_08.png deleted file mode 100644 index e055d61da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_09.png deleted file mode 100644 index de9c30599..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_10.png deleted file mode 100644 index 98d145f6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_11.png deleted file mode 100644 index 12851ac33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_12.png deleted file mode 100644 index c79a95022..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_13.png deleted file mode 100644 index 5c8a0d869..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_14.png deleted file mode 100644 index d1098d7ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_15.png deleted file mode 100644 index 44b31aec6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_16.png deleted file mode 100644 index 686bb61ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_17.png deleted file mode 100644 index b1808112b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_18.png deleted file mode 100644 index c3898d7fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_19.png deleted file mode 100644 index 954beb19c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_20.png deleted file mode 100644 index 67babe329..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character08/0547_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_01.png deleted file mode 100644 index 8d995664c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_02.png deleted file mode 100644 index 8df202843..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_03.png deleted file mode 100644 index 5d5a9f0aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_04.png deleted file mode 100644 index b81755e08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_05.png deleted file mode 100644 index b82bcc511..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_06.png deleted file mode 100644 index 68415fd23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_07.png deleted file mode 100644 index d5f46658b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_08.png deleted file mode 100644 index 6c649c9c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_09.png deleted file mode 100644 index 3c7430828..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_10.png deleted file mode 100644 index d2435d108..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_11.png deleted file mode 100644 index 07b18bb73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_12.png deleted file mode 100644 index 4c94fd1f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_13.png deleted file mode 100644 index 886a308a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_14.png deleted file mode 100644 index a0960dc64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_15.png deleted file mode 100644 index cdd49b2cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_16.png deleted file mode 100644 index e8c13638e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_17.png deleted file mode 100644 index 93d38b4f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_18.png deleted file mode 100644 index ae6c1c157..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_19.png deleted file mode 100644 index 3a5112c25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_20.png deleted file mode 100644 index 0378f5f9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character09/0548_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_01.png deleted file mode 100644 index da0b53a6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_02.png deleted file mode 100644 index a9daa8138..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_03.png deleted file mode 100644 index 2cb6eead8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_04.png deleted file mode 100644 index b7315ee80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_05.png deleted file mode 100644 index c0fb6b768..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_06.png deleted file mode 100644 index 71a3bf12b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_07.png deleted file mode 100644 index 44def5248..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_08.png deleted file mode 100644 index a020fb43f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_09.png deleted file mode 100644 index 899e56180..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_10.png deleted file mode 100644 index beb5c0901..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_11.png deleted file mode 100644 index 8bd179a59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_12.png deleted file mode 100644 index df1113f0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_13.png deleted file mode 100644 index 1c1d97865..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_14.png deleted file mode 100644 index bea6534db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_15.png deleted file mode 100644 index 3abebb17b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_16.png deleted file mode 100644 index c7c83bd89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_17.png deleted file mode 100644 index f0821f945..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_18.png deleted file mode 100644 index 5fc609986..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_19.png deleted file mode 100644 index 11af33ee6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_20.png deleted file mode 100644 index f8fdde509..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character10/0549_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_01.png deleted file mode 100644 index 324292cc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_02.png deleted file mode 100644 index 927379bc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_03.png deleted file mode 100644 index 421434290..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_04.png deleted file mode 100644 index bce3be956..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_05.png deleted file mode 100644 index 43ace826d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_06.png deleted file mode 100644 index 0fcadc270..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_07.png deleted file mode 100644 index 7ba7684da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_08.png deleted file mode 100644 index 6d083616e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_09.png deleted file mode 100644 index 46165cab5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_10.png deleted file mode 100644 index 9d03ca7ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_11.png deleted file mode 100644 index 33f55f10b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_12.png deleted file mode 100644 index a8bf1fc7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_13.png deleted file mode 100644 index 5f2b4b333..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_14.png deleted file mode 100644 index fce6cf7a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_15.png deleted file mode 100644 index 7c2b34f4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_16.png deleted file mode 100644 index 486e2dce5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_17.png deleted file mode 100644 index cf16fb858..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_18.png deleted file mode 100644 index 72c2612e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_19.png deleted file mode 100644 index 6a905f840..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_20.png deleted file mode 100644 index ae934b0a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character11/0550_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_01.png deleted file mode 100644 index e5aac0449..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_02.png deleted file mode 100644 index 26bd14952..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_03.png deleted file mode 100644 index 6338f2824..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_04.png deleted file mode 100644 index 002e45016..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_05.png deleted file mode 100644 index 1403a9164..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_06.png deleted file mode 100644 index f3afd610c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_07.png deleted file mode 100644 index 686e513a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_08.png deleted file mode 100644 index 1e5f9ecfc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_09.png deleted file mode 100644 index f7674d373..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_10.png deleted file mode 100644 index 6bf4109dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_11.png deleted file mode 100644 index 2ad287b14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_12.png deleted file mode 100644 index 62a4f2878..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_13.png deleted file mode 100644 index 746d04ace..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_14.png deleted file mode 100644 index 562fc026a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_15.png deleted file mode 100644 index 19887eb9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_16.png deleted file mode 100644 index 2ab01d563..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_17.png deleted file mode 100644 index 75e7e467d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_18.png deleted file mode 100644 index 034fa4cb5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_19.png deleted file mode 100644 index b191b0da6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_20.png deleted file mode 100644 index 520d0f141..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character12/0551_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_01.png deleted file mode 100644 index 06c7e0748..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_02.png deleted file mode 100644 index 474513463..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_03.png deleted file mode 100644 index fd654b72b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_04.png deleted file mode 100644 index a8444e767..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_05.png deleted file mode 100644 index 855f133dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_06.png deleted file mode 100644 index d5f291267..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_07.png deleted file mode 100644 index 211b7505b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_08.png deleted file mode 100644 index 7ed877403..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_09.png deleted file mode 100644 index 768b405b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_10.png deleted file mode 100644 index 5bce559c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_11.png deleted file mode 100644 index 1a7ca2f13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_12.png deleted file mode 100644 index 6cdc103ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_13.png deleted file mode 100644 index 60c793bc7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_14.png deleted file mode 100644 index 371e6e377..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_15.png deleted file mode 100644 index 24aa6a112..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_16.png deleted file mode 100644 index 32db193eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_17.png deleted file mode 100644 index 892093697..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_18.png deleted file mode 100644 index dd0dca468..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_19.png deleted file mode 100644 index 7ca7a0057..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_20.png deleted file mode 100644 index 8090e6b88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character13/0552_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_01.png deleted file mode 100644 index 57db47807..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_02.png deleted file mode 100644 index baf250a27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_03.png deleted file mode 100644 index a370b1092..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_04.png deleted file mode 100644 index 61d6a5087..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_05.png deleted file mode 100644 index 743ddca55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_06.png deleted file mode 100644 index 3512def7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_07.png deleted file mode 100644 index 8f3f64058..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_08.png deleted file mode 100644 index fa16ab499..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_09.png deleted file mode 100644 index 2eafcc9aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_10.png deleted file mode 100644 index 8f872a9b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_11.png deleted file mode 100644 index 85af051b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_12.png deleted file mode 100644 index 9dda34d4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_13.png deleted file mode 100644 index 5175b6320..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_14.png deleted file mode 100644 index 99cd32946..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_15.png deleted file mode 100644 index 2f348d779..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_16.png deleted file mode 100644 index cb518277b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_17.png deleted file mode 100644 index bcc6c6011..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_18.png deleted file mode 100644 index 0eef5420d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_19.png deleted file mode 100644 index 1311d3307..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_20.png deleted file mode 100644 index 49af696c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character14/0553_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_01.png deleted file mode 100644 index 6f004f578..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_02.png deleted file mode 100644 index 9dde61675..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_03.png deleted file mode 100644 index e72a283c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_04.png deleted file mode 100644 index b45ead4e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_05.png deleted file mode 100644 index 7e9dc80ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_06.png deleted file mode 100644 index 916a0c9c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_07.png deleted file mode 100644 index 88d36d592..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_08.png deleted file mode 100644 index fe1fb11b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_09.png deleted file mode 100644 index 5abdb4b7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_10.png deleted file mode 100644 index ec01ecb50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_11.png deleted file mode 100644 index 82e1efae0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_12.png deleted file mode 100644 index 425099ce4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_13.png deleted file mode 100644 index bfca5f4a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_14.png deleted file mode 100644 index 1e7957a7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_15.png deleted file mode 100644 index d545e41c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_16.png deleted file mode 100644 index 7d50ebde5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_17.png deleted file mode 100644 index 5be279e03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_18.png deleted file mode 100644 index 6d02802a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_19.png deleted file mode 100644 index 72d918b9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_20.png deleted file mode 100644 index 6e4f00173..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character15/0554_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_01.png deleted file mode 100644 index dca3a0ddc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_02.png deleted file mode 100644 index 1fda4ef09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_03.png deleted file mode 100644 index 1e3192844..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_04.png deleted file mode 100644 index 31e90db6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_05.png deleted file mode 100644 index 48bbcebce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_06.png deleted file mode 100644 index 1813bd52f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_07.png deleted file mode 100644 index 5bf1792fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_08.png deleted file mode 100644 index e97d5e1bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_09.png deleted file mode 100644 index e99eb184e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_10.png deleted file mode 100644 index fe3d8c278..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_11.png deleted file mode 100644 index d296dbe05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_12.png deleted file mode 100644 index ab693d8fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_13.png deleted file mode 100644 index 6766159a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_14.png deleted file mode 100644 index 72efde8ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_15.png deleted file mode 100644 index 1a232e03e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_16.png deleted file mode 100644 index ec03b78b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_17.png deleted file mode 100644 index 5e98f32d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_18.png deleted file mode 100644 index 4f5a42690..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_19.png deleted file mode 100644 index 542828c4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_20.png deleted file mode 100644 index fde5ab1ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Inuktitut_(Canadian_Aboriginal_Syllabics)/character16/0555_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_01.png deleted file mode 100644 index 16774c195..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_02.png deleted file mode 100644 index 9837de56a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_03.png deleted file mode 100644 index cae440485..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_04.png deleted file mode 100644 index f0960c01a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_05.png deleted file mode 100644 index 1dd1bb108..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_06.png deleted file mode 100644 index 8875eac80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_07.png deleted file mode 100644 index a5da6eaf6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_08.png deleted file mode 100644 index 260ad3562..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_09.png deleted file mode 100644 index 626846d5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_10.png deleted file mode 100644 index e3089357f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_11.png deleted file mode 100644 index ddd9204c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_12.png deleted file mode 100644 index a73fac9ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_13.png deleted file mode 100644 index 6c4d49265..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_14.png deleted file mode 100644 index 8d3f01562..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_15.png deleted file mode 100644 index b41c06a1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_16.png deleted file mode 100644 index 6daffe72b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_17.png deleted file mode 100644 index c56e26176..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_18.png deleted file mode 100644 index 36b7c65a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_19.png deleted file mode 100644 index 37c39d5d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_20.png deleted file mode 100644 index 0f97c5ef7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character01/0488_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_01.png deleted file mode 100644 index 24f0e546c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_02.png deleted file mode 100644 index ce07c999e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_03.png deleted file mode 100644 index 76f497e03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_04.png deleted file mode 100644 index 10737f41d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_05.png deleted file mode 100644 index f7e0d68d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_06.png deleted file mode 100644 index 548455ff3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_07.png deleted file mode 100644 index 831239e42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_08.png deleted file mode 100644 index cf4698e74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_09.png deleted file mode 100644 index 09022d75d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_10.png deleted file mode 100644 index b25932abe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_11.png deleted file mode 100644 index 7d1afce57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_12.png deleted file mode 100644 index 88fa70cdd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_13.png deleted file mode 100644 index c6beb9f5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_14.png deleted file mode 100644 index 9e0f512cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_15.png deleted file mode 100644 index da17f3c01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_16.png deleted file mode 100644 index 4bcd99ad5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_17.png deleted file mode 100644 index 84fb3488a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_18.png deleted file mode 100644 index cd99b1348..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_19.png deleted file mode 100644 index 8bd0f9c26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_20.png deleted file mode 100644 index a9e6c7308..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character02/0489_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_01.png deleted file mode 100644 index b3c4e5551..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_02.png deleted file mode 100644 index f103fece8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_03.png deleted file mode 100644 index 4273ec505..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_04.png deleted file mode 100644 index 16510228e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_05.png deleted file mode 100644 index 129324ebd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_06.png deleted file mode 100644 index 59faeb3f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_07.png deleted file mode 100644 index e26f2bf07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_08.png deleted file mode 100644 index 031c95c7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_09.png deleted file mode 100644 index 023042d6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_10.png deleted file mode 100644 index 5cfe528ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_11.png deleted file mode 100644 index e90e37e4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_12.png deleted file mode 100644 index 51d086fcb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_13.png deleted file mode 100644 index e153ce6ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_14.png deleted file mode 100644 index 6fcd9d01c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_15.png deleted file mode 100644 index aeca0be6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_16.png deleted file mode 100644 index eaeafa7e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_17.png deleted file mode 100644 index 4972f4078..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_18.png deleted file mode 100644 index bd6fb9336..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_19.png deleted file mode 100644 index 525f283a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_20.png deleted file mode 100644 index 82e55641d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character03/0490_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_01.png deleted file mode 100644 index 5ac4a7518..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_02.png deleted file mode 100644 index 67e8e4f78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_03.png deleted file mode 100644 index 4bbb31951..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_04.png deleted file mode 100644 index d4103bf08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_05.png deleted file mode 100644 index 0f6594564..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_06.png deleted file mode 100644 index a490bf1c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_07.png deleted file mode 100644 index 2708a840c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_08.png deleted file mode 100644 index 7849c47f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_09.png deleted file mode 100644 index ce8a42557..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_10.png deleted file mode 100644 index 5ff3d68ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_11.png deleted file mode 100644 index 223d9d75e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_12.png deleted file mode 100644 index 11fa826ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_13.png deleted file mode 100644 index 639bf699a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_14.png deleted file mode 100644 index 56677fb27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_15.png deleted file mode 100644 index b86ee8370..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_16.png deleted file mode 100644 index d74a8771d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_17.png deleted file mode 100644 index a70ae483f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_18.png deleted file mode 100644 index dbdd08301..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_19.png deleted file mode 100644 index e3dab651e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_20.png deleted file mode 100644 index 0af7457f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character04/0491_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_01.png deleted file mode 100644 index 884a864dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_02.png deleted file mode 100644 index 7fbee8815..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_03.png deleted file mode 100644 index a336e9498..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_04.png deleted file mode 100644 index 05e427ac0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_05.png deleted file mode 100644 index 4cb84602f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_06.png deleted file mode 100644 index b2eda4ea4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_07.png deleted file mode 100644 index 80d68effd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_08.png deleted file mode 100644 index e890a844d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_09.png deleted file mode 100644 index 3c602d3d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_10.png deleted file mode 100644 index bbb08ab71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_11.png deleted file mode 100644 index c52838446..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_12.png deleted file mode 100644 index 280aa5c22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_13.png deleted file mode 100644 index 399f9f33a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_14.png deleted file mode 100644 index 64be2be0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_15.png deleted file mode 100644 index 8623116e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_16.png deleted file mode 100644 index 253aaf7f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_17.png deleted file mode 100644 index b1e53211e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_18.png deleted file mode 100644 index de020291f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_19.png deleted file mode 100644 index 1210d4b08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_20.png deleted file mode 100644 index fec8ad151..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character05/0492_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_01.png deleted file mode 100644 index 51000d5fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_02.png deleted file mode 100644 index bb60a1f63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_03.png deleted file mode 100644 index c0a219cf1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_04.png deleted file mode 100644 index ba646f143..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_05.png deleted file mode 100644 index 08104883f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_06.png deleted file mode 100644 index 1e011f247..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_07.png deleted file mode 100644 index 15f5089c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_08.png deleted file mode 100644 index f089ed52f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_09.png deleted file mode 100644 index 22713bd09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_10.png deleted file mode 100644 index c2675821e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_11.png deleted file mode 100644 index da79a0bb1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_12.png deleted file mode 100644 index 8f7b75793..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_13.png deleted file mode 100644 index f1a278b01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_14.png deleted file mode 100644 index 49914ee89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_15.png deleted file mode 100644 index 952ee5042..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_16.png deleted file mode 100644 index 9cdb5db2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_17.png deleted file mode 100644 index fbb453f72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_18.png deleted file mode 100644 index 5da93cefd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_19.png deleted file mode 100644 index 9b46ff816..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_20.png deleted file mode 100644 index 389e0fd48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character06/0493_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_01.png deleted file mode 100644 index 9175de9d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_02.png deleted file mode 100644 index 573fb2cde..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_03.png deleted file mode 100644 index becd5b4f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_04.png deleted file mode 100644 index 1802036cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_05.png deleted file mode 100644 index 0e2730991..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_06.png deleted file mode 100644 index 4a326fa17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_07.png deleted file mode 100644 index f939a30c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_08.png deleted file mode 100644 index 6befb91c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_09.png deleted file mode 100644 index c93933bed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_10.png deleted file mode 100644 index a0d570e60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_11.png deleted file mode 100644 index 72379fb98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_12.png deleted file mode 100644 index b08d14339..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_13.png deleted file mode 100644 index 400b10cb8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_14.png deleted file mode 100644 index 47a550640..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_15.png deleted file mode 100644 index 59783d0e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_16.png deleted file mode 100644 index 5d66f8b39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_17.png deleted file mode 100644 index 5cdab6bba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_18.png deleted file mode 100644 index ab970d7df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_19.png deleted file mode 100644 index 81891770c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_20.png deleted file mode 100644 index c60a79a7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character07/0494_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_01.png deleted file mode 100644 index 83f1c15da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_02.png deleted file mode 100644 index 18055c2b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_03.png deleted file mode 100644 index 0c31e9a0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_04.png deleted file mode 100644 index 9cb31edb2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_05.png deleted file mode 100644 index b0a8b741d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_06.png deleted file mode 100644 index e2551f3ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_07.png deleted file mode 100644 index e13c457fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_08.png deleted file mode 100644 index d46fe3855..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_09.png deleted file mode 100644 index 882e55e9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_10.png deleted file mode 100644 index a03112399..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_11.png deleted file mode 100644 index 3b0f85c29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_12.png deleted file mode 100644 index 941be17e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_13.png deleted file mode 100644 index ce05cc5a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_14.png deleted file mode 100644 index 581ffe50a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_15.png deleted file mode 100644 index c17df69a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_16.png deleted file mode 100644 index b37fe9dc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_17.png deleted file mode 100644 index 8ac1c2b14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_18.png deleted file mode 100644 index e6445c83b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_19.png deleted file mode 100644 index 2a44cb68e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_20.png deleted file mode 100644 index 66d917f31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character08/0495_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_01.png deleted file mode 100644 index 77f36486b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_02.png deleted file mode 100644 index a493f95f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_03.png deleted file mode 100644 index dfe134ad1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_04.png deleted file mode 100644 index 35f9b68a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_05.png deleted file mode 100644 index e69f66d95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_06.png deleted file mode 100644 index 8bbdeac93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_07.png deleted file mode 100644 index d1d54a1fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_08.png deleted file mode 100644 index b3a5d0413..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_09.png deleted file mode 100644 index dca448677..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_10.png deleted file mode 100644 index 4e053d88b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_11.png deleted file mode 100644 index fbb509331..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_12.png deleted file mode 100644 index e9259cc0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_13.png deleted file mode 100644 index 46f770928..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_14.png deleted file mode 100644 index 285679017..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_15.png deleted file mode 100644 index d198aeab5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_16.png deleted file mode 100644 index 9b9fde525..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_17.png deleted file mode 100644 index da5ee003f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_18.png deleted file mode 100644 index 2d6922203..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_19.png deleted file mode 100644 index 77e1b384a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_20.png deleted file mode 100644 index 68c9ba81c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character09/0496_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_01.png deleted file mode 100644 index 2bc99e3ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_02.png deleted file mode 100644 index 1d45a7c39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_03.png deleted file mode 100644 index 5c078f34a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_04.png deleted file mode 100644 index 00ae6a920..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_05.png deleted file mode 100644 index 984e4dde2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_06.png deleted file mode 100644 index 26a6471bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_07.png deleted file mode 100644 index 617ed630a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_08.png deleted file mode 100644 index bcf131ea6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_09.png deleted file mode 100644 index 63bf0217e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_10.png deleted file mode 100644 index d8f258a41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_11.png deleted file mode 100644 index 308882271..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_12.png deleted file mode 100644 index c9e834f6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_13.png deleted file mode 100644 index f60abf4cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_14.png deleted file mode 100644 index c354f2322..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_15.png deleted file mode 100644 index 0cf67c699..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_16.png deleted file mode 100644 index 99de892c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_17.png deleted file mode 100644 index 03beea25b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_18.png deleted file mode 100644 index 74d92a6ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_19.png deleted file mode 100644 index ed5136355..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_20.png deleted file mode 100644 index 1141b8e69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character10/0497_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_01.png deleted file mode 100644 index 826bc01ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_02.png deleted file mode 100644 index c9cbf698f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_03.png deleted file mode 100644 index 3c18939b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_04.png deleted file mode 100644 index 830b0846e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_05.png deleted file mode 100644 index b95f903fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_06.png deleted file mode 100644 index 4179523b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_07.png deleted file mode 100644 index 4359ba4b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_08.png deleted file mode 100644 index 84959f5ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_09.png deleted file mode 100644 index 323e5f4fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_10.png deleted file mode 100644 index 8652a68c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_11.png deleted file mode 100644 index 3fee141bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_12.png deleted file mode 100644 index 4cb7a791c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_13.png deleted file mode 100644 index 4a99a07e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_14.png deleted file mode 100644 index fc393230d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_15.png deleted file mode 100644 index d68a64432..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_16.png deleted file mode 100644 index ee5a61284..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_17.png deleted file mode 100644 index c34a3b5b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_18.png deleted file mode 100644 index 9ef19a6d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_19.png deleted file mode 100644 index f04d1ad8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_20.png deleted file mode 100644 index fdad7a73e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character11/0498_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_01.png deleted file mode 100644 index feeb83c72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_02.png deleted file mode 100644 index 880c75002..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_03.png deleted file mode 100644 index 64330cf9d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_04.png deleted file mode 100644 index 5d7284f67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_05.png deleted file mode 100644 index 63c7b011b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_06.png deleted file mode 100644 index 6896688aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_07.png deleted file mode 100644 index 0691d7db7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_08.png deleted file mode 100644 index 1e65df6b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_09.png deleted file mode 100644 index 4dfb0a4a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_10.png deleted file mode 100644 index 0f04b77f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_11.png deleted file mode 100644 index a73ed91bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_12.png deleted file mode 100644 index c875c2609..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_13.png deleted file mode 100644 index 5c5650196..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_14.png deleted file mode 100644 index 3edeca021..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_15.png deleted file mode 100644 index b515b8d44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_16.png deleted file mode 100644 index fa7e9a91c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_17.png deleted file mode 100644 index e3220bf8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_18.png deleted file mode 100644 index 4df86b82f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_19.png deleted file mode 100644 index 6b73afaa6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_20.png deleted file mode 100644 index c035b0b85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character12/0499_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_01.png deleted file mode 100644 index 0633d1d15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_02.png deleted file mode 100644 index 8e10f8dc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_03.png deleted file mode 100644 index e6f29f3ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_04.png deleted file mode 100644 index 5f8ad5861..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_05.png deleted file mode 100644 index 1e461a4a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_06.png deleted file mode 100644 index 531dfb575..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_07.png deleted file mode 100644 index 0ed561993..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_08.png deleted file mode 100644 index b5a509c7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_09.png deleted file mode 100644 index bec7a153a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_10.png deleted file mode 100644 index e73ecc4c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_11.png deleted file mode 100644 index 139c96494..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_12.png deleted file mode 100644 index d0531bb39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_13.png deleted file mode 100644 index 7f41054ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_14.png deleted file mode 100644 index c4a9abe79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_15.png deleted file mode 100644 index 05316c516..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_16.png deleted file mode 100644 index be7f0ec30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_17.png deleted file mode 100644 index 78b472782..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_18.png deleted file mode 100644 index ef44e900e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_19.png deleted file mode 100644 index 2763f1f9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_20.png deleted file mode 100644 index cc7846b59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character13/0500_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_01.png deleted file mode 100644 index 817befb0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_02.png deleted file mode 100644 index d3c5802d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_03.png deleted file mode 100644 index 9e16a7c12..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_04.png deleted file mode 100644 index cd22fc73f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_05.png deleted file mode 100644 index a9c74c32a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_06.png deleted file mode 100644 index 22a2caf54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_07.png deleted file mode 100644 index 6eb6b4df2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_08.png deleted file mode 100644 index 83c5ea670..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_09.png deleted file mode 100644 index a24b7f85e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_10.png deleted file mode 100644 index c0014be72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_11.png deleted file mode 100644 index f58b0f7e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_12.png deleted file mode 100644 index be8cb427b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_13.png deleted file mode 100644 index 94a9d9d96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_14.png deleted file mode 100644 index 5ae204579..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_15.png deleted file mode 100644 index 17e41db3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_16.png deleted file mode 100644 index acfc56777..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_17.png deleted file mode 100644 index 74e09527c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_18.png deleted file mode 100644 index abb548ab8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_19.png deleted file mode 100644 index cc7b0a45a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_20.png deleted file mode 100644 index c80524623..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character14/0501_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_01.png deleted file mode 100644 index c7787d623..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_02.png deleted file mode 100644 index e8385f5b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_03.png deleted file mode 100644 index 074e68fa0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_04.png deleted file mode 100644 index a86ac0569..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_05.png deleted file mode 100644 index be46f84c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_06.png deleted file mode 100644 index 26a91eeb8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_07.png deleted file mode 100644 index ac17daf09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_08.png deleted file mode 100644 index 0593c2c14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_09.png deleted file mode 100644 index 98a0da5a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_10.png deleted file mode 100644 index 8c72fe19d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_11.png deleted file mode 100644 index 80c81ff6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_12.png deleted file mode 100644 index de32efc6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_13.png deleted file mode 100644 index ea2d90c3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_14.png deleted file mode 100644 index 3c7aa7ceb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_15.png deleted file mode 100644 index 0c73bb516..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_16.png deleted file mode 100644 index 988dc9d74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_17.png deleted file mode 100644 index 325869c0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_18.png deleted file mode 100644 index 11e8f9661..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_19.png deleted file mode 100644 index e8324ce95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_20.png deleted file mode 100644 index 1c1288787..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character15/0502_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_01.png deleted file mode 100644 index 41a2cab3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_02.png deleted file mode 100644 index ce4591b31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_03.png deleted file mode 100644 index 1db3cc95f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_04.png deleted file mode 100644 index a86dbbf26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_05.png deleted file mode 100644 index 88e803000..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_06.png deleted file mode 100644 index 8429309b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_07.png deleted file mode 100644 index e1b4920a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_08.png deleted file mode 100644 index f26dd2851..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_09.png deleted file mode 100644 index 910d3cc3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_10.png deleted file mode 100644 index 57e65b50e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_11.png deleted file mode 100644 index 8df0b82ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_12.png deleted file mode 100644 index e24cdf88e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_13.png deleted file mode 100644 index 1aaccf28d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_14.png deleted file mode 100644 index b43f02d6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_15.png deleted file mode 100644 index 91d883238..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_16.png deleted file mode 100644 index 24c33ad2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_17.png deleted file mode 100644 index d9435a3a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_18.png deleted file mode 100644 index 3479ae507..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_19.png deleted file mode 100644 index a37e1e48a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_20.png deleted file mode 100644 index d87d474c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character16/0503_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_01.png deleted file mode 100644 index 6863d564b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_02.png deleted file mode 100644 index 78756539f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_03.png deleted file mode 100644 index 7c8c2e146..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_04.png deleted file mode 100644 index bfbdb8594..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_05.png deleted file mode 100644 index 9e7a38396..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_06.png deleted file mode 100644 index a8cd0af49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_07.png deleted file mode 100644 index bbbf89ad3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_08.png deleted file mode 100644 index 2ae6d8d41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_09.png deleted file mode 100644 index 287ba8758..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_10.png deleted file mode 100644 index e26407a6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_11.png deleted file mode 100644 index daaad2e88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_12.png deleted file mode 100644 index 4f052fea6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_13.png deleted file mode 100644 index f3890eca3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_14.png deleted file mode 100644 index 764d3f4af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_15.png deleted file mode 100644 index f4279cab6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_16.png deleted file mode 100644 index 8a5bbcd74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_17.png deleted file mode 100644 index 923d0d89c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_18.png deleted file mode 100644 index 6f6b429ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_19.png deleted file mode 100644 index ccfe9b578..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_20.png deleted file mode 100644 index b3eeeec2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character17/0504_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_01.png deleted file mode 100644 index a2b30a193..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_02.png deleted file mode 100644 index 8f5f50a5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_03.png deleted file mode 100644 index 45906c738..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_04.png deleted file mode 100644 index ae7e2f942..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_05.png deleted file mode 100644 index 6fb6fc1ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_06.png deleted file mode 100644 index 48f8c4429..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_07.png deleted file mode 100644 index ec1303d35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_08.png deleted file mode 100644 index 84305a6bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_09.png deleted file mode 100644 index b23ff8a0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_10.png deleted file mode 100644 index b3030ecaf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_11.png deleted file mode 100644 index a72ce53cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_12.png deleted file mode 100644 index 30d36ab5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_13.png deleted file mode 100644 index 0eb5aff3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_14.png deleted file mode 100644 index d0fc0e258..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_15.png deleted file mode 100644 index ab7fdc346..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_16.png deleted file mode 100644 index 09f4ceffa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_17.png deleted file mode 100644 index a9fe5ea6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_18.png deleted file mode 100644 index ac237b4a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_19.png deleted file mode 100644 index 12bf66b7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_20.png deleted file mode 100644 index 64417d49c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character18/0505_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_01.png deleted file mode 100644 index 3c71115f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_02.png deleted file mode 100644 index 810a1c7b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_03.png deleted file mode 100644 index 67ba4a517..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_04.png deleted file mode 100644 index 8847468da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_05.png deleted file mode 100644 index 46e1f656f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_06.png deleted file mode 100644 index 0ff0475de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_07.png deleted file mode 100644 index aec262782..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_08.png deleted file mode 100644 index 7c4300e6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_09.png deleted file mode 100644 index 028c2c470..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_10.png deleted file mode 100644 index 89bedd862..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_11.png deleted file mode 100644 index 0818478ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_12.png deleted file mode 100644 index 9acb48afe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_13.png deleted file mode 100644 index 8d1b1af90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_14.png deleted file mode 100644 index 51026d8f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_15.png deleted file mode 100644 index e64e05b3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_16.png deleted file mode 100644 index d2d2fc65c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_17.png deleted file mode 100644 index c8ca3d9d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_18.png deleted file mode 100644 index c9b51c96f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_19.png deleted file mode 100644 index 12241c178..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_20.png deleted file mode 100644 index c0a8efd3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character19/0506_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_01.png deleted file mode 100644 index 13356be28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_02.png deleted file mode 100644 index 7bb085607..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_03.png deleted file mode 100644 index 11e7f4c87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_04.png deleted file mode 100644 index 98a7d3210..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_05.png deleted file mode 100644 index 53bec6fff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_06.png deleted file mode 100644 index db43d268f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_07.png deleted file mode 100644 index 72be8b9ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_08.png deleted file mode 100644 index 3566b9e30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_09.png deleted file mode 100644 index a38106359..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_10.png deleted file mode 100644 index 5a52f1edc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_11.png deleted file mode 100644 index 122044c67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_12.png deleted file mode 100644 index b0cf20368..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_13.png deleted file mode 100644 index 4ac82c86e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_14.png deleted file mode 100644 index 29b16b7e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_15.png deleted file mode 100644 index 3c86d153f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_16.png deleted file mode 100644 index b6270bb79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_17.png deleted file mode 100644 index 8c9c3d6e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_18.png deleted file mode 100644 index 06fb4a022..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_19.png deleted file mode 100644 index ed360e6f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_20.png deleted file mode 100644 index 8d940c89a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character20/0507_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_01.png deleted file mode 100644 index e1d598bd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_02.png deleted file mode 100644 index a8351b84d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_03.png deleted file mode 100644 index 0c59f1f0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_04.png deleted file mode 100644 index 26a17d4df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_05.png deleted file mode 100644 index 1ec7ca37b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_06.png deleted file mode 100644 index 228dd647c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_07.png deleted file mode 100644 index 855433760..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_08.png deleted file mode 100644 index bdc9cbef8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_09.png deleted file mode 100644 index 2980c7364..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_10.png deleted file mode 100644 index 8623f9e01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_11.png deleted file mode 100644 index a4e775a9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_12.png deleted file mode 100644 index 43aae5df3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_13.png deleted file mode 100644 index bad8c16e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_14.png deleted file mode 100644 index 737d1039c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_15.png deleted file mode 100644 index f129c456c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_16.png deleted file mode 100644 index 61a396f8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_17.png deleted file mode 100644 index e85dc4b92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_18.png deleted file mode 100644 index cf6b75fcf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_19.png deleted file mode 100644 index 5b511355c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_20.png deleted file mode 100644 index 0541b55b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character21/0508_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_01.png deleted file mode 100644 index 0d8683122..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_02.png deleted file mode 100644 index 8d604a4c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_03.png deleted file mode 100644 index ab0ea0f8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_04.png deleted file mode 100644 index 290d5d87a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_05.png deleted file mode 100644 index b2e8a6dc4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_06.png deleted file mode 100644 index 342294067..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_07.png deleted file mode 100644 index d0691aa5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_08.png deleted file mode 100644 index 804b80bfc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_09.png deleted file mode 100644 index 00f7f07e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_10.png deleted file mode 100644 index fb029da91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_11.png deleted file mode 100644 index 66160c831..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_12.png deleted file mode 100644 index 1d8d62f9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_13.png deleted file mode 100644 index 966fccba5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_14.png deleted file mode 100644 index 0d75f1318..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_15.png deleted file mode 100644 index 8ae078c09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_16.png deleted file mode 100644 index 9bf4e856a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_17.png deleted file mode 100644 index 05dd3fdc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_18.png deleted file mode 100644 index b2b9c427a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_19.png deleted file mode 100644 index 58781128a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_20.png deleted file mode 100644 index 7e1806777..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character22/0509_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_01.png deleted file mode 100644 index 0b869411e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_02.png deleted file mode 100644 index eb7fe0654..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_03.png deleted file mode 100644 index d6d6335d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_04.png deleted file mode 100644 index 4fc248720..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_05.png deleted file mode 100644 index ed539e0fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_06.png deleted file mode 100644 index cc5f23aed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_07.png deleted file mode 100644 index a143c4ad4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_08.png deleted file mode 100644 index 06c9f90b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_09.png deleted file mode 100644 index d2c494f8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_10.png deleted file mode 100644 index fb924e7ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_11.png deleted file mode 100644 index 7a2a7c9b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_12.png deleted file mode 100644 index 75584cead..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_13.png deleted file mode 100644 index 911fd5bbf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_14.png deleted file mode 100644 index c82af7482..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_15.png deleted file mode 100644 index a139bffce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_16.png deleted file mode 100644 index 2207509d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_17.png deleted file mode 100644 index db647005e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_18.png deleted file mode 100644 index 9ff10da34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_19.png deleted file mode 100644 index bed91396c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_20.png deleted file mode 100644 index 2a813aff8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character23/0510_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_01.png deleted file mode 100644 index fa88bae3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_02.png deleted file mode 100644 index b876cd898..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_03.png deleted file mode 100644 index a8219b34d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_04.png deleted file mode 100644 index cb3c43de0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_05.png deleted file mode 100644 index f8f754de5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_06.png deleted file mode 100644 index 057e82493..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_07.png deleted file mode 100644 index a47e8aa36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_08.png deleted file mode 100644 index 0648a4e19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_09.png deleted file mode 100644 index f103ebbd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_10.png deleted file mode 100644 index 83045df59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_11.png deleted file mode 100644 index 278c7dc38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_12.png deleted file mode 100644 index e1f329605..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_13.png deleted file mode 100644 index 57fd019bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_14.png deleted file mode 100644 index 123d595b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_15.png deleted file mode 100644 index 1871572e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_16.png deleted file mode 100644 index 69dc2f03a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_17.png deleted file mode 100644 index 7f1e2a246..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_18.png deleted file mode 100644 index f3ce3a8d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_19.png deleted file mode 100644 index b9e62141a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_20.png deleted file mode 100644 index 7df12b127..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character24/0511_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_01.png deleted file mode 100644 index c50a1baac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_02.png deleted file mode 100644 index 56a96fa31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_03.png deleted file mode 100644 index 4f8faf39d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_04.png deleted file mode 100644 index a1b26d1a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_05.png deleted file mode 100644 index e884b5cec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_06.png deleted file mode 100644 index 72df7eff3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_07.png deleted file mode 100644 index 62ea706d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_08.png deleted file mode 100644 index 7cba627b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_09.png deleted file mode 100644 index 241e7ef46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_10.png deleted file mode 100644 index d1d95faf7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_11.png deleted file mode 100644 index 2d3636c25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_12.png deleted file mode 100644 index 27c586424..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_13.png deleted file mode 100644 index bd58625a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_14.png deleted file mode 100644 index ce2dfb2ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_15.png deleted file mode 100644 index 30ec2cc94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_16.png deleted file mode 100644 index e650a0584..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_17.png deleted file mode 100644 index bf05c6181..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_18.png deleted file mode 100644 index 66e476bd6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_19.png deleted file mode 100644 index 482229dd4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_20.png deleted file mode 100644 index 48d7458db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character25/0512_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_01.png deleted file mode 100644 index 894e67272..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_02.png deleted file mode 100644 index 30de6f5e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_03.png deleted file mode 100644 index f2c274df0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_04.png deleted file mode 100644 index 4465637fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_05.png deleted file mode 100644 index bd61480f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_06.png deleted file mode 100644 index 01c92806e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_07.png deleted file mode 100644 index 053b2e363..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_08.png deleted file mode 100644 index df0f5f1cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_09.png deleted file mode 100644 index 30b04af39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_10.png deleted file mode 100644 index a55f6c5ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_11.png deleted file mode 100644 index 0470324c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_12.png deleted file mode 100644 index 1c6286563..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_13.png deleted file mode 100644 index 6b230de1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_14.png deleted file mode 100644 index 7f522a5f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_15.png deleted file mode 100644 index 0f80fca82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_16.png deleted file mode 100644 index c4512d169..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_17.png deleted file mode 100644 index b6e35bc2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_18.png deleted file mode 100644 index e4ec3412e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_19.png deleted file mode 100644 index 15259c8c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_20.png deleted file mode 100644 index f6a621d94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character26/0513_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_01.png deleted file mode 100644 index e2f6292d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_02.png deleted file mode 100644 index 40ad1efc2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_03.png deleted file mode 100644 index fce20d784..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_04.png deleted file mode 100644 index 21f95faec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_05.png deleted file mode 100644 index e3f546ed7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_06.png deleted file mode 100644 index d982423f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_07.png deleted file mode 100644 index 72c4b8527..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_08.png deleted file mode 100644 index 34f3c9b13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_09.png deleted file mode 100644 index f57864701..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_10.png deleted file mode 100644 index 550a7b9da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_11.png deleted file mode 100644 index 280d0c11b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_12.png deleted file mode 100644 index cfd01c8ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_13.png deleted file mode 100644 index ec298e1d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_14.png deleted file mode 100644 index 393887e5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_15.png deleted file mode 100644 index 0f4a13ca3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_16.png deleted file mode 100644 index e428d0628..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_17.png deleted file mode 100644 index 06524fbf7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_18.png deleted file mode 100644 index 4379c9892..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_19.png deleted file mode 100644 index 4a242f3d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_20.png deleted file mode 100644 index ea5b02795..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character27/0514_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_01.png deleted file mode 100644 index cd61caa7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_02.png deleted file mode 100644 index 7d1715d71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_03.png deleted file mode 100644 index 22108a71d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_04.png deleted file mode 100644 index ada222c2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_05.png deleted file mode 100644 index 32c238d78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_06.png deleted file mode 100644 index 8663e944e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_07.png deleted file mode 100644 index ddc77ca4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_08.png deleted file mode 100644 index 13af29127..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_09.png deleted file mode 100644 index 9d9da61a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_10.png deleted file mode 100644 index 38199482e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_11.png deleted file mode 100644 index 1594dd9fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_12.png deleted file mode 100644 index 391671f1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_13.png deleted file mode 100644 index fb9481b01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_14.png deleted file mode 100644 index 1b72a02a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_15.png deleted file mode 100644 index 28399b6a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_16.png deleted file mode 100644 index 6b51a6a3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_17.png deleted file mode 100644 index 0b38e927d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_18.png deleted file mode 100644 index 791e58ec6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_19.png deleted file mode 100644 index 472ecf5ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_20.png deleted file mode 100644 index 4b068b84d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character28/0515_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_01.png deleted file mode 100644 index 35e5a5461..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_02.png deleted file mode 100644 index b9ba714f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_03.png deleted file mode 100644 index e5567d215..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_04.png deleted file mode 100644 index 0f5986ba2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_05.png deleted file mode 100644 index 49f3acdee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_06.png deleted file mode 100644 index 0fe58170f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_07.png deleted file mode 100644 index 8e7f53096..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_08.png deleted file mode 100644 index 8226b4e1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_09.png deleted file mode 100644 index 579d810ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_10.png deleted file mode 100644 index ce71c09eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_11.png deleted file mode 100644 index 2e0f1773c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_12.png deleted file mode 100644 index 1dd50c9a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_13.png deleted file mode 100644 index 7b1df6e8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_14.png deleted file mode 100644 index 063af1755..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_15.png deleted file mode 100644 index ffe5ba2fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_16.png deleted file mode 100644 index fa0b32d24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_17.png deleted file mode 100644 index 39c7818fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_18.png deleted file mode 100644 index 25651ace0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_19.png deleted file mode 100644 index 49edbed0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_20.png deleted file mode 100644 index 14f8c8fe1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character29/0516_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_01.png deleted file mode 100644 index 9fee46331..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_02.png deleted file mode 100644 index 52b949d31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_03.png deleted file mode 100644 index 2cce87788..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_04.png deleted file mode 100644 index 8198a3791..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_05.png deleted file mode 100644 index 387e33de1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_06.png deleted file mode 100644 index 59f8613e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_07.png deleted file mode 100644 index 7d2c4b492..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_08.png deleted file mode 100644 index 1fa3c0114..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_09.png deleted file mode 100644 index 5f08b8062..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_10.png deleted file mode 100644 index 50c85667b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_11.png deleted file mode 100644 index 75428c3a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_12.png deleted file mode 100644 index 15fc00dca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_13.png deleted file mode 100644 index eb738236d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_14.png deleted file mode 100644 index c08edfd62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_15.png deleted file mode 100644 index fcea9be12..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_16.png deleted file mode 100644 index b32b8fa77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_17.png deleted file mode 100644 index 0fa20500e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_18.png deleted file mode 100644 index c099e3aad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_19.png deleted file mode 100644 index f7a1b77b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_20.png deleted file mode 100644 index 2bb38cac1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character30/0517_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_01.png deleted file mode 100644 index dab4641d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_02.png deleted file mode 100644 index 5b5c6da1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_03.png deleted file mode 100644 index 53b76ab53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_04.png deleted file mode 100644 index 916fc9cd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_05.png deleted file mode 100644 index ae2c163f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_06.png deleted file mode 100644 index a45f83e65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_07.png deleted file mode 100644 index 8d71c7a46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_08.png deleted file mode 100644 index 1cbd0f1cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_09.png deleted file mode 100644 index 4d3483744..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_10.png deleted file mode 100644 index e66f230c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_11.png deleted file mode 100644 index 412abb2ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_12.png deleted file mode 100644 index 6fd82f215..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_13.png deleted file mode 100644 index 36402a418..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_14.png deleted file mode 100644 index 008b4698c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_15.png deleted file mode 100644 index 6a17d04a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_16.png deleted file mode 100644 index 4de09890b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_17.png deleted file mode 100644 index ef6450264..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_18.png deleted file mode 100644 index a12310526..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_19.png deleted file mode 100644 index 3589d02e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_20.png deleted file mode 100644 index f77d558af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character31/0518_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_01.png deleted file mode 100644 index d3d38dbce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_02.png deleted file mode 100644 index bc87b037e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_03.png deleted file mode 100644 index 826d540c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_04.png deleted file mode 100644 index ba0ee13d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_05.png deleted file mode 100644 index 3b8a7adab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_06.png deleted file mode 100644 index cbbf19a7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_07.png deleted file mode 100644 index 9a5d3474f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_08.png deleted file mode 100644 index f0b6abaf8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_09.png deleted file mode 100644 index 00ea61073..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_10.png deleted file mode 100644 index 2769ba395..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_11.png deleted file mode 100644 index e2dbb2e26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_12.png deleted file mode 100644 index 3482ff942..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_13.png deleted file mode 100644 index 1ac0cd4a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_14.png deleted file mode 100644 index 2bf01f8f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_15.png deleted file mode 100644 index 81c58e77a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_16.png deleted file mode 100644 index 15daae1ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_17.png deleted file mode 100644 index f97659682..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_18.png deleted file mode 100644 index d84f4c112..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_19.png deleted file mode 100644 index e766ff43a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_20.png deleted file mode 100644 index 0c812b1be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character32/0519_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_01.png deleted file mode 100644 index 453b422c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_02.png deleted file mode 100644 index 9e073d672..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_03.png deleted file mode 100644 index e4f79a4f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_04.png deleted file mode 100644 index 91d35a346..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_05.png deleted file mode 100644 index f69729c6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_06.png deleted file mode 100644 index 3a40eea30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_07.png deleted file mode 100644 index e243b6c5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_08.png deleted file mode 100644 index ec38e09f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_09.png deleted file mode 100644 index a03cf2881..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_10.png deleted file mode 100644 index df0255d37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_11.png deleted file mode 100644 index 1923c60b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_12.png deleted file mode 100644 index c533856ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_13.png deleted file mode 100644 index ca6febc78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_14.png deleted file mode 100644 index 09a1fe959..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_15.png deleted file mode 100644 index 3ddb2d5b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_16.png deleted file mode 100644 index 2b061d625..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_17.png deleted file mode 100644 index 19cc4100c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_18.png deleted file mode 100644 index 06fb45fd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_19.png deleted file mode 100644 index c5bb33aa6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_20.png deleted file mode 100644 index 7a430acca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character33/0520_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_01.png deleted file mode 100644 index 25b713624..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_02.png deleted file mode 100644 index d70161cda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_03.png deleted file mode 100644 index acf053d77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_04.png deleted file mode 100644 index ac7eaa2de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_05.png deleted file mode 100644 index 6da1abc38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_06.png deleted file mode 100644 index 378739615..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_07.png deleted file mode 100644 index aad770093..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_08.png deleted file mode 100644 index 0f9ca90ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_09.png deleted file mode 100644 index 3fe22684a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_10.png deleted file mode 100644 index 92352ac3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_11.png deleted file mode 100644 index 61b2f8bea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_12.png deleted file mode 100644 index afc599652..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_13.png deleted file mode 100644 index 9f4ae9e32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_14.png deleted file mode 100644 index 7d940030a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_15.png deleted file mode 100644 index 019aeb097..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_16.png deleted file mode 100644 index 4662b209a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_17.png deleted file mode 100644 index f44f4e04a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_18.png deleted file mode 100644 index 04226c7d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_19.png deleted file mode 100644 index 0d6197754..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_20.png deleted file mode 100644 index c4725dc30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character34/0521_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_01.png deleted file mode 100644 index bf1305907..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_02.png deleted file mode 100644 index 00523ccba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_03.png deleted file mode 100644 index 6b37eaaff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_04.png deleted file mode 100644 index 33c39bd1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_05.png deleted file mode 100644 index 1a6add51c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_06.png deleted file mode 100644 index ef0ecb0e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_07.png deleted file mode 100644 index 507394140..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_08.png deleted file mode 100644 index 4fd0b99d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_09.png deleted file mode 100644 index 5300db941..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_10.png deleted file mode 100644 index 4d65b4bd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_11.png deleted file mode 100644 index b3c16a6bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_12.png deleted file mode 100644 index ca9c1c748..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_13.png deleted file mode 100644 index 47bed0ef6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_14.png deleted file mode 100644 index 57616d683..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_15.png deleted file mode 100644 index 1550a6b6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_16.png deleted file mode 100644 index f696a126b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_17.png deleted file mode 100644 index 37adb3672..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_18.png deleted file mode 100644 index 9ecf1eabe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_19.png deleted file mode 100644 index 30f49e18e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_20.png deleted file mode 100644 index 3a31de072..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character35/0522_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_01.png deleted file mode 100644 index 9af6d81f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_02.png deleted file mode 100644 index 4a577203b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_03.png deleted file mode 100644 index 3f0bc9671..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_04.png deleted file mode 100644 index 22917c6fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_05.png deleted file mode 100644 index fed74b866..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_06.png deleted file mode 100644 index 4ea3f0707..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_07.png deleted file mode 100644 index 6abadb64a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_08.png deleted file mode 100644 index d3b769f53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_09.png deleted file mode 100644 index b43708aca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_10.png deleted file mode 100644 index dc28fa96e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_11.png deleted file mode 100644 index 3e6cfacf3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_12.png deleted file mode 100644 index 90e5c7776..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_13.png deleted file mode 100644 index c3fadfca4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_14.png deleted file mode 100644 index 45024b071..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_15.png deleted file mode 100644 index d03011614..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_16.png deleted file mode 100644 index 8cc8d47be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_17.png deleted file mode 100644 index 13dbf680d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_18.png deleted file mode 100644 index 4ea593476..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_19.png deleted file mode 100644 index 86b784b31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_20.png deleted file mode 100644 index c71594f94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character36/0523_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_01.png deleted file mode 100644 index d1ef3ebcd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_02.png deleted file mode 100644 index 550d86dec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_03.png deleted file mode 100644 index 5f6a3cf82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_04.png deleted file mode 100644 index 589001ef4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_05.png deleted file mode 100644 index 21a2fe756..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_06.png deleted file mode 100644 index 31cbf73a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_07.png deleted file mode 100644 index a411734f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_08.png deleted file mode 100644 index 43a922fdd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_09.png deleted file mode 100644 index ea159c27a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_10.png deleted file mode 100644 index f159cd1a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_11.png deleted file mode 100644 index e07ddab28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_12.png deleted file mode 100644 index 37528f65f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_13.png deleted file mode 100644 index bc67951c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_14.png deleted file mode 100644 index 020030ed2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_15.png deleted file mode 100644 index 0c097ee99..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_16.png deleted file mode 100644 index 407c0adc4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_17.png deleted file mode 100644 index 7defb929e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_18.png deleted file mode 100644 index 52c509979..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_19.png deleted file mode 100644 index 33057017a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_20.png deleted file mode 100644 index d88def8da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character37/0524_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_01.png deleted file mode 100644 index c9cad547f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_02.png deleted file mode 100644 index 7278b518b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_03.png deleted file mode 100644 index 3d683abc8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_04.png deleted file mode 100644 index 89fbe10eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_05.png deleted file mode 100644 index 8ed07fb93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_06.png deleted file mode 100644 index 75a28fb82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_07.png deleted file mode 100644 index 0c0f3883f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_08.png deleted file mode 100644 index fb67ca1e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_09.png deleted file mode 100644 index 9372327f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_10.png deleted file mode 100644 index ded2d6777..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_11.png deleted file mode 100644 index aa58e801f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_12.png deleted file mode 100644 index 5810a757f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_13.png deleted file mode 100644 index 631a48520..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_14.png deleted file mode 100644 index 4a83480f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_15.png deleted file mode 100644 index ab80b331a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_16.png deleted file mode 100644 index 60202cfa0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_17.png deleted file mode 100644 index 025348d34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_18.png deleted file mode 100644 index ed4eb604c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_19.png deleted file mode 100644 index e9228febf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_20.png deleted file mode 100644 index 20d4acddf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character38/0525_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_01.png deleted file mode 100644 index 457f6e810..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_02.png deleted file mode 100644 index e1db15996..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_03.png deleted file mode 100644 index 0fef7e99d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_04.png deleted file mode 100644 index 6ebf15afd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_05.png deleted file mode 100644 index 376c996b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_06.png deleted file mode 100644 index e86927381..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_07.png deleted file mode 100644 index 361df1923..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_08.png deleted file mode 100644 index c47b9dc92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_09.png deleted file mode 100644 index 4dc517c22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_10.png deleted file mode 100644 index a4cb62e4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_11.png deleted file mode 100644 index c302f0f5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_12.png deleted file mode 100644 index 22a2294c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_13.png deleted file mode 100644 index 5b4ebd5c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_14.png deleted file mode 100644 index 29cc79a9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_15.png deleted file mode 100644 index e349fa050..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_16.png deleted file mode 100644 index c6512fb5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_17.png deleted file mode 100644 index 1eaaf9031..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_18.png deleted file mode 100644 index 4854298a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_19.png deleted file mode 100644 index 9c2e481de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_20.png deleted file mode 100644 index a7ec3a097..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character39/0526_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_01.png deleted file mode 100644 index 691d0a835..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_02.png deleted file mode 100644 index 55862b14a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_03.png deleted file mode 100644 index 92d01caf4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_04.png deleted file mode 100644 index 283aa43b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_05.png deleted file mode 100644 index de2436a97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_06.png deleted file mode 100644 index 6a89e8faa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_07.png deleted file mode 100644 index 9d189a1da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_08.png deleted file mode 100644 index 7ab080041..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_09.png deleted file mode 100644 index 6b8e1129c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_10.png deleted file mode 100644 index eac06e6e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_11.png deleted file mode 100644 index 387588266..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_12.png deleted file mode 100644 index b79d6b0ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_13.png deleted file mode 100644 index 1e747cdc8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_14.png deleted file mode 100644 index 16d6aef0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_15.png deleted file mode 100644 index 2ad06bf1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_16.png deleted file mode 100644 index 7da865623..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_17.png deleted file mode 100644 index a41659d65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_18.png deleted file mode 100644 index a82ecf2ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_19.png deleted file mode 100644 index 5bd345520..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_20.png deleted file mode 100644 index 000ac6678..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character40/0527_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_01.png deleted file mode 100644 index d764b66b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_02.png deleted file mode 100644 index 95631fb17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_03.png deleted file mode 100644 index a45ba1bab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_04.png deleted file mode 100644 index 4db5a5353..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_05.png deleted file mode 100644 index cd734a84b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_06.png deleted file mode 100644 index d9f7a9f68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_07.png deleted file mode 100644 index bb0c23c4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_08.png deleted file mode 100644 index 53bc21424..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_09.png deleted file mode 100644 index a2e252f21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_10.png deleted file mode 100644 index 3a8fcc979..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_11.png deleted file mode 100644 index a109068d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_12.png deleted file mode 100644 index 6e9b1209a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_13.png deleted file mode 100644 index 016f858d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_14.png deleted file mode 100644 index 0f24d9e5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_15.png deleted file mode 100644 index df06464e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_16.png deleted file mode 100644 index a97b954f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_17.png deleted file mode 100644 index db0048f70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_18.png deleted file mode 100644 index 8bd76cb43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_19.png deleted file mode 100644 index c0697edc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_20.png deleted file mode 100644 index 42cb769cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character41/0528_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_01.png deleted file mode 100644 index cc4242dda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_02.png deleted file mode 100644 index d2fbc0ceb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_03.png deleted file mode 100644 index ac7946ec7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_04.png deleted file mode 100644 index 1e61cab6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_05.png deleted file mode 100644 index edacde8da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_06.png deleted file mode 100644 index e83a2a956..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_07.png deleted file mode 100644 index 5ea97ae8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_08.png deleted file mode 100644 index d10919e67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_09.png deleted file mode 100644 index 18c6fcdb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_10.png deleted file mode 100644 index 4c62587f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_11.png deleted file mode 100644 index 65d989a86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_12.png deleted file mode 100644 index 4c729ec7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_13.png deleted file mode 100644 index fb511ab07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_14.png deleted file mode 100644 index 6e2381bd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_15.png deleted file mode 100644 index e97d64a7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_16.png deleted file mode 100644 index f3f7f1fae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_17.png deleted file mode 100644 index 97a8146dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_18.png deleted file mode 100644 index ca477c1d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_19.png deleted file mode 100644 index 1e2628277..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_20.png deleted file mode 100644 index b9a3fbb1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character42/0529_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_01.png deleted file mode 100644 index 24070f63b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_02.png deleted file mode 100644 index 8590aee87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_03.png deleted file mode 100644 index bde37601e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_04.png deleted file mode 100644 index 667734d0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_05.png deleted file mode 100644 index ab5ae6e93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_06.png deleted file mode 100644 index 9b0bf4379..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_07.png deleted file mode 100644 index 6ab47ff24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_08.png deleted file mode 100644 index 853586ddd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_09.png deleted file mode 100644 index 23eb828ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_10.png deleted file mode 100644 index 0d05977a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_11.png deleted file mode 100644 index d6f1f304e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_12.png deleted file mode 100644 index 13229ce48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_13.png deleted file mode 100644 index 8e8597287..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_14.png deleted file mode 100644 index 55c235e9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_15.png deleted file mode 100644 index e566faad4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_16.png deleted file mode 100644 index 3c17fbf4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_17.png deleted file mode 100644 index 18b2444bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_18.png deleted file mode 100644 index 5fd70edad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_19.png deleted file mode 100644 index 6231919cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_20.png deleted file mode 100644 index eb6f73a91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character43/0530_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_01.png deleted file mode 100644 index d0a03a7fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_02.png deleted file mode 100644 index 3b15f004a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_03.png deleted file mode 100644 index c50375b95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_04.png deleted file mode 100644 index 72be12122..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_05.png deleted file mode 100644 index 6c25fd4ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_06.png deleted file mode 100644 index 082b9415f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_07.png deleted file mode 100644 index 0aba01d7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_08.png deleted file mode 100644 index a70e692cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_09.png deleted file mode 100644 index 809d4ed0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_10.png deleted file mode 100644 index 653be82f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_11.png deleted file mode 100644 index 26bffae3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_12.png deleted file mode 100644 index 851d070af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_13.png deleted file mode 100644 index 6d48cf669..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_14.png deleted file mode 100644 index 24c79ece3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_15.png deleted file mode 100644 index 219cdc86b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_16.png deleted file mode 100644 index 79e21f1d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_17.png deleted file mode 100644 index 1484a0198..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_18.png deleted file mode 100644 index 10d8e5339..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_19.png deleted file mode 100644 index d89a744a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_20.png deleted file mode 100644 index 169f2589d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character44/0531_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_01.png deleted file mode 100644 index 49ad8540f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_02.png deleted file mode 100644 index 2e25b06b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_03.png deleted file mode 100644 index 9e9eecfea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_04.png deleted file mode 100644 index 71b5ebf08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_05.png deleted file mode 100644 index 7776e7d67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_06.png deleted file mode 100644 index f027e8dbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_07.png deleted file mode 100644 index ded071555..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_08.png deleted file mode 100644 index 2038e6f05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_09.png deleted file mode 100644 index 195e935c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_10.png deleted file mode 100644 index 7b3a50519..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_11.png deleted file mode 100644 index 9aa5de8b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_12.png deleted file mode 100644 index fe92b0905..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_13.png deleted file mode 100644 index 3126d49e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_14.png deleted file mode 100644 index 3b9fe1da6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_15.png deleted file mode 100644 index 6e55e237d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_16.png deleted file mode 100644 index 93527fd08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_17.png deleted file mode 100644 index da63afa3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_18.png deleted file mode 100644 index 14c6a9b69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_19.png deleted file mode 100644 index bfafe2fd6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_20.png deleted file mode 100644 index 687e80634..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character45/0532_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_01.png deleted file mode 100644 index feb171ab1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_02.png deleted file mode 100644 index 79477d2c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_03.png deleted file mode 100644 index 5b4c7d607..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_04.png deleted file mode 100644 index b092fd488..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_05.png deleted file mode 100644 index 20ee1c119..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_06.png deleted file mode 100644 index c166d5c9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_07.png deleted file mode 100644 index 30bc59510..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_08.png deleted file mode 100644 index f3cae2ff4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_09.png deleted file mode 100644 index 150b578a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_10.png deleted file mode 100644 index 8602fc5a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_11.png deleted file mode 100644 index 8926abf60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_12.png deleted file mode 100644 index e68130221..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_13.png deleted file mode 100644 index cbc46a7ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_14.png deleted file mode 100644 index 238668048..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_15.png deleted file mode 100644 index cbec51d44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_16.png deleted file mode 100644 index db8b2aa0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_17.png deleted file mode 100644 index c2300b6db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_18.png deleted file mode 100644 index de81a8102..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_19.png deleted file mode 100644 index 18f1c2ead..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_20.png deleted file mode 100644 index cc5e5c07b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character46/0533_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_01.png deleted file mode 100644 index fd74bec16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_02.png deleted file mode 100644 index 4af9c96a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_03.png deleted file mode 100644 index 0d8f00902..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_04.png deleted file mode 100644 index b60ffea5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_05.png deleted file mode 100644 index 811dd0996..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_06.png deleted file mode 100644 index 184944874..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_07.png deleted file mode 100644 index 1144c23ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_08.png deleted file mode 100644 index 4311ab901..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_09.png deleted file mode 100644 index 085a514d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_10.png deleted file mode 100644 index 67956a575..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_11.png deleted file mode 100644 index 6c5718750..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_12.png deleted file mode 100644 index 89e9152e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_13.png deleted file mode 100644 index 2103feeb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_14.png deleted file mode 100644 index 01ad9fbd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_15.png deleted file mode 100644 index 3ff8e6de6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_16.png deleted file mode 100644 index 777062f7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_17.png deleted file mode 100644 index 89560b48b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_18.png deleted file mode 100644 index 588bd4905..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_19.png deleted file mode 100644 index f71b9f7cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_20.png deleted file mode 100644 index ebe0020ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character47/0534_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_01.png deleted file mode 100644 index 42cb43e62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_02.png deleted file mode 100644 index 8ce1f84ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_03.png deleted file mode 100644 index 4d024a506..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_04.png deleted file mode 100644 index c4f91259d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_05.png deleted file mode 100644 index 0567f96ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_06.png deleted file mode 100644 index ef2be657c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_07.png deleted file mode 100644 index bd6824d45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_08.png deleted file mode 100644 index 19f7fdb68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_09.png deleted file mode 100644 index 55e217529..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_10.png deleted file mode 100644 index 415c4a90e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_11.png deleted file mode 100644 index 2133809c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_12.png deleted file mode 100644 index 897a01cc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_13.png deleted file mode 100644 index ffea91b75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_14.png deleted file mode 100644 index 6faeb3b0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_15.png deleted file mode 100644 index 5ca8353d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_16.png deleted file mode 100644 index 394c89f53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_17.png deleted file mode 100644 index 7ddcfb788..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_18.png deleted file mode 100644 index 8f669382e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_19.png deleted file mode 100644 index 91365b2f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_20.png deleted file mode 100644 index 35c5cd88c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character48/0535_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_01.png deleted file mode 100644 index ce27a6edf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_02.png deleted file mode 100644 index 94fd9dea8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_03.png deleted file mode 100644 index 6e6bbeace..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_04.png deleted file mode 100644 index 1cee743fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_05.png deleted file mode 100644 index 098748fbe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_06.png deleted file mode 100644 index 39daaf440..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_07.png deleted file mode 100644 index 5fe90a892..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_08.png deleted file mode 100644 index eb904b979..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_09.png deleted file mode 100644 index 5cc881d34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_10.png deleted file mode 100644 index 62496e07e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_11.png deleted file mode 100644 index 8930f4e6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_12.png deleted file mode 100644 index ba456018a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_13.png deleted file mode 100644 index 9be8245ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_14.png deleted file mode 100644 index 2475e64c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_15.png deleted file mode 100644 index f89e0ebe1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_16.png deleted file mode 100644 index 2a004ed4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_17.png deleted file mode 100644 index 9aca802b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_18.png deleted file mode 100644 index 89f821d8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_19.png deleted file mode 100644 index 13c5dc5ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_20.png deleted file mode 100644 index 65688a492..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character49/0536_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_01.png deleted file mode 100644 index 968cf0216..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_02.png deleted file mode 100644 index 56aaf4f5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_03.png deleted file mode 100644 index f51239cae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_04.png deleted file mode 100644 index 1563a1aa8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_05.png deleted file mode 100644 index 2a1dd6776..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_06.png deleted file mode 100644 index 0310385c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_07.png deleted file mode 100644 index c04c00ecd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_08.png deleted file mode 100644 index 4117a88dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_09.png deleted file mode 100644 index e36794c75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_10.png deleted file mode 100644 index 4815e77e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_11.png deleted file mode 100644 index 85fc3a534..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_12.png deleted file mode 100644 index 3de08ad1d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_13.png deleted file mode 100644 index 7a68c5e77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_14.png deleted file mode 100644 index e3a615c6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_15.png deleted file mode 100644 index 6c33bf643..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_16.png deleted file mode 100644 index 12b55694f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_17.png deleted file mode 100644 index 53c84633f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_18.png deleted file mode 100644 index 9aa0c2b02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_19.png deleted file mode 100644 index 52c8a934c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_20.png deleted file mode 100644 index ef189ee0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character50/0537_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_01.png deleted file mode 100644 index d1a095e3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_02.png deleted file mode 100644 index 52ad025f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_03.png deleted file mode 100644 index a473a0f03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_04.png deleted file mode 100644 index 4f32bf099..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_05.png deleted file mode 100644 index fdb080f6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_06.png deleted file mode 100644 index 89d39b0e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_07.png deleted file mode 100644 index 099b0f862..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_08.png deleted file mode 100644 index 2d760b65a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_09.png deleted file mode 100644 index 0af64efe1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_10.png deleted file mode 100644 index db86b5cc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_11.png deleted file mode 100644 index bbb9cf2ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_12.png deleted file mode 100644 index c30404fa2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_13.png deleted file mode 100644 index db07e0c23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_14.png deleted file mode 100644 index ec8daae8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_15.png deleted file mode 100644 index 5e3e4a9ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_16.png deleted file mode 100644 index d7871db15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_17.png deleted file mode 100644 index c507ba6b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_18.png deleted file mode 100644 index 0c324fbda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_19.png deleted file mode 100644 index 05fb886a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_20.png deleted file mode 100644 index 972c13bbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character51/0538_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_01.png deleted file mode 100644 index 2a6e45fdd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_02.png deleted file mode 100644 index 41c22f368..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_03.png deleted file mode 100644 index 68ffba511..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_04.png deleted file mode 100644 index c086dc745..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_05.png deleted file mode 100644 index d7ea2b977..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_06.png deleted file mode 100644 index 10af4f84f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_07.png deleted file mode 100644 index c028c8abb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_08.png deleted file mode 100644 index a58b7d9bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_09.png deleted file mode 100644 index b5e9bea03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_10.png deleted file mode 100644 index 193fba583..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_11.png deleted file mode 100644 index c7bde01ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_12.png deleted file mode 100644 index 8161838fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_13.png deleted file mode 100644 index 67cc1be39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_14.png deleted file mode 100644 index bf3bbf06e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_15.png deleted file mode 100644 index 489e2d2a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_16.png deleted file mode 100644 index a201a3745..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_17.png deleted file mode 100644 index 508745adf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_18.png deleted file mode 100644 index 03bd691c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_19.png deleted file mode 100644 index 2551aa555..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_20.png deleted file mode 100644 index 8813d86b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(hiragana)/character52/0539_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_01.png deleted file mode 100644 index 1ab35823a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_02.png deleted file mode 100644 index 59ac3212c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_03.png deleted file mode 100644 index 9823ed567..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_04.png deleted file mode 100644 index 14b5efb92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_05.png deleted file mode 100644 index cd35dad5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_06.png deleted file mode 100644 index b3794068d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_07.png deleted file mode 100644 index 723a3ff19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_08.png deleted file mode 100644 index b44e8e46a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_09.png deleted file mode 100644 index 88c77e123..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_10.png deleted file mode 100644 index 8ea70e669..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_11.png deleted file mode 100644 index dd8754848..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_12.png deleted file mode 100644 index 14b4114c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_13.png deleted file mode 100644 index a0275924e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_14.png deleted file mode 100644 index 9437f6991..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_15.png deleted file mode 100644 index aad71fc74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_16.png deleted file mode 100644 index 5342b9889..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_17.png deleted file mode 100644 index 4763acef1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_18.png deleted file mode 100644 index fabacc19f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_19.png deleted file mode 100644 index 89c4a065e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_20.png deleted file mode 100644 index 410192052..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character01/0596_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_01.png deleted file mode 100644 index f48696f03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_02.png deleted file mode 100644 index 3f0cdce31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_03.png deleted file mode 100644 index 97802b469..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_04.png deleted file mode 100644 index b8d2cfb4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_05.png deleted file mode 100644 index 129faa889..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_06.png deleted file mode 100644 index 50cc41092..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_07.png deleted file mode 100644 index c9f441b2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_08.png deleted file mode 100644 index b5bb13719..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_09.png deleted file mode 100644 index 06f24d9ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_10.png deleted file mode 100644 index 7dda3cbf0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_11.png deleted file mode 100644 index 695e3bf8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_12.png deleted file mode 100644 index afee146f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_13.png deleted file mode 100644 index 80b6fa5b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_14.png deleted file mode 100644 index 0ef7f2a4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_15.png deleted file mode 100644 index 942bfc11b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_16.png deleted file mode 100644 index a757e1487..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_17.png deleted file mode 100644 index 0f869316a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_18.png deleted file mode 100644 index 6a3982411..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_19.png deleted file mode 100644 index 3789b5443..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_20.png deleted file mode 100644 index 2cda3597a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character02/0597_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_01.png deleted file mode 100644 index 70fbd1e81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_02.png deleted file mode 100644 index 3d30514e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_03.png deleted file mode 100644 index 946d51547..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_04.png deleted file mode 100644 index 5d9fb548f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_05.png deleted file mode 100644 index 8c02b3dc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_06.png deleted file mode 100644 index 540a69cd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_07.png deleted file mode 100644 index 264fcd6e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_08.png deleted file mode 100644 index baaddb0a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_09.png deleted file mode 100644 index a9af23278..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_10.png deleted file mode 100644 index 91a1d629a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_11.png deleted file mode 100644 index cf4f03116..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_12.png deleted file mode 100644 index faaf3ac1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_13.png deleted file mode 100644 index e685ad3df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_14.png deleted file mode 100644 index e9d3e1886..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_15.png deleted file mode 100644 index 3983d85ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_16.png deleted file mode 100644 index 1ee80addb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_17.png deleted file mode 100644 index 06f268979..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_18.png deleted file mode 100644 index 68d4ba997..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_19.png deleted file mode 100644 index bd1153c45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_20.png deleted file mode 100644 index b045124ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character03/0598_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_01.png deleted file mode 100644 index 959a206a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_02.png deleted file mode 100644 index 776048d85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_03.png deleted file mode 100644 index 5a9ef7405..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_04.png deleted file mode 100644 index 489ba78c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_05.png deleted file mode 100644 index 7733a36c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_06.png deleted file mode 100644 index 577803a0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_07.png deleted file mode 100644 index f9f08cdde..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_08.png deleted file mode 100644 index 661fded35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_09.png deleted file mode 100644 index 689769d68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_10.png deleted file mode 100644 index 4eb22968b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_11.png deleted file mode 100644 index 28531fcd1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_12.png deleted file mode 100644 index f8c24050a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_13.png deleted file mode 100644 index 2293b4e34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_14.png deleted file mode 100644 index fdd31677f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_15.png deleted file mode 100644 index 2db718f0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_16.png deleted file mode 100644 index 83e8db0ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_17.png deleted file mode 100644 index eccb46e68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_18.png deleted file mode 100644 index fa2bed60d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_19.png deleted file mode 100644 index bd73fd0ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_20.png deleted file mode 100644 index 44dc81c39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character04/0599_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_01.png deleted file mode 100644 index a92dd900c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_02.png deleted file mode 100644 index 9f8613741..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_03.png deleted file mode 100644 index 4e2161c3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_04.png deleted file mode 100644 index 74790a86d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_05.png deleted file mode 100644 index 4b78eadee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_06.png deleted file mode 100644 index 9a278ed30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_07.png deleted file mode 100644 index 3fa88b6cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_08.png deleted file mode 100644 index a141f1e21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_09.png deleted file mode 100644 index 78702630a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_10.png deleted file mode 100644 index 597be1f5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_11.png deleted file mode 100644 index f2705061e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_12.png deleted file mode 100644 index 00d60c944..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_13.png deleted file mode 100644 index 46ecfb37e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_14.png deleted file mode 100644 index 1d1c2f60e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_15.png deleted file mode 100644 index f0e764eb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_16.png deleted file mode 100644 index 724d28afb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_17.png deleted file mode 100644 index c91d6d3d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_18.png deleted file mode 100644 index 5481a2da4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_19.png deleted file mode 100644 index eb59a8213..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_20.png deleted file mode 100644 index 4c73023cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character05/0600_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_01.png deleted file mode 100644 index 578114a75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_02.png deleted file mode 100644 index abf5f6ce7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_03.png deleted file mode 100644 index 64a321800..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_04.png deleted file mode 100644 index 639f8d7ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_05.png deleted file mode 100644 index b490d788d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_06.png deleted file mode 100644 index e18cb18bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_07.png deleted file mode 100644 index 41ba3990b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_08.png deleted file mode 100644 index 160a270de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_09.png deleted file mode 100644 index 2bdb1f52e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_10.png deleted file mode 100644 index 1f9df4969..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_11.png deleted file mode 100644 index f800c3b4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_12.png deleted file mode 100644 index 23ef46cb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_13.png deleted file mode 100644 index f058fb1f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_14.png deleted file mode 100644 index d1ae85686..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_15.png deleted file mode 100644 index f18d98e47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_16.png deleted file mode 100644 index 24458327a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_17.png deleted file mode 100644 index 4244a56f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_18.png deleted file mode 100644 index 7cb672422..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_19.png deleted file mode 100644 index 1732e1c17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_20.png deleted file mode 100644 index dd26147a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character06/0601_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_01.png deleted file mode 100644 index 6ed59703e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_02.png deleted file mode 100644 index 037878a58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_03.png deleted file mode 100644 index b9e7570cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_04.png deleted file mode 100644 index fbcbbb4fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_05.png deleted file mode 100644 index 07eb8cbf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_06.png deleted file mode 100644 index a689a2fac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_07.png deleted file mode 100644 index 86037045d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_08.png deleted file mode 100644 index 1a89ae383..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_09.png deleted file mode 100644 index defeeb6c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_10.png deleted file mode 100644 index f0e39a3ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_11.png deleted file mode 100644 index 41d1fce59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_12.png deleted file mode 100644 index 31691297c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_13.png deleted file mode 100644 index 375a42292..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_14.png deleted file mode 100644 index 5e2a4fb46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_15.png deleted file mode 100644 index 5ff4f35a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_16.png deleted file mode 100644 index c92bc7eb7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_17.png deleted file mode 100644 index ce4433559..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_18.png deleted file mode 100644 index e1ebeeb65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_19.png deleted file mode 100644 index 027f72446..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_20.png deleted file mode 100644 index b5b3fd0d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character07/0602_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_01.png deleted file mode 100644 index a6f4530f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_02.png deleted file mode 100644 index 782d99ad2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_03.png deleted file mode 100644 index 54969f9f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_04.png deleted file mode 100644 index d0f32699e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_05.png deleted file mode 100644 index 5ef5c00cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_06.png deleted file mode 100644 index 575a5900c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_07.png deleted file mode 100644 index 38c3bb701..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_08.png deleted file mode 100644 index d2a79729d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_09.png deleted file mode 100644 index 0a852f75b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_10.png deleted file mode 100644 index 6cf1e46d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_11.png deleted file mode 100644 index 6f604de44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_12.png deleted file mode 100644 index f4ae84e3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_13.png deleted file mode 100644 index 91c55e9b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_14.png deleted file mode 100644 index 6464b2639..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_15.png deleted file mode 100644 index 226cca35b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_16.png deleted file mode 100644 index ed2c19b0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_17.png deleted file mode 100644 index 2a3fc19ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_18.png deleted file mode 100644 index 1b28a1126..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_19.png deleted file mode 100644 index 4e9081dd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_20.png deleted file mode 100644 index ed8c88a02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character08/0603_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_01.png deleted file mode 100644 index 57a2e8a37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_02.png deleted file mode 100644 index 6c4225257..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_03.png deleted file mode 100644 index 7201a84fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_04.png deleted file mode 100644 index cff07f375..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_05.png deleted file mode 100644 index 5c706bc44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_06.png deleted file mode 100644 index 5726a1082..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_07.png deleted file mode 100644 index 55cfcd52e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_08.png deleted file mode 100644 index 9f7dc235d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_09.png deleted file mode 100644 index c461ccf87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_10.png deleted file mode 100644 index 8fb16e4b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_11.png deleted file mode 100644 index 31369d309..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_12.png deleted file mode 100644 index 87a535c22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_13.png deleted file mode 100644 index 0df316f53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_14.png deleted file mode 100644 index fe349dd6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_15.png deleted file mode 100644 index c2c1b4fc0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_16.png deleted file mode 100644 index 38d126107..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_17.png deleted file mode 100644 index 9226d19f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_18.png deleted file mode 100644 index 2f6393f4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_19.png deleted file mode 100644 index 4cc483375..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_20.png deleted file mode 100644 index 6f52dda1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character09/0604_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_01.png deleted file mode 100644 index e436361aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_02.png deleted file mode 100644 index 547a75536..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_03.png deleted file mode 100644 index 69d9cf720..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_04.png deleted file mode 100644 index c189c0bf9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_05.png deleted file mode 100644 index 3e4a87cad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_06.png deleted file mode 100644 index c367030ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_07.png deleted file mode 100644 index 32227d10e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_08.png deleted file mode 100644 index 30bc045cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_09.png deleted file mode 100644 index 7a19fff27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_10.png deleted file mode 100644 index 155b9e3f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_11.png deleted file mode 100644 index 46988e99a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_12.png deleted file mode 100644 index 48740dbd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_13.png deleted file mode 100644 index e7138ec17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_14.png deleted file mode 100644 index 3da79661a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_15.png deleted file mode 100644 index 3552a8764..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_16.png deleted file mode 100644 index 9498d5fec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_17.png deleted file mode 100644 index e43219a67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_18.png deleted file mode 100644 index ba988ba19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_19.png deleted file mode 100644 index 3b77cf0d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_20.png deleted file mode 100644 index d6b18f6c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character10/0605_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_01.png deleted file mode 100644 index 7d274b563..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_02.png deleted file mode 100644 index 80ec308bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_03.png deleted file mode 100644 index 261a111f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_04.png deleted file mode 100644 index 98f62bad8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_05.png deleted file mode 100644 index 5ec24967d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_06.png deleted file mode 100644 index 0541682e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_07.png deleted file mode 100644 index b0a76dec9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_08.png deleted file mode 100644 index a57157613..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_09.png deleted file mode 100644 index 7698be266..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_10.png deleted file mode 100644 index 7f22fc971..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_11.png deleted file mode 100644 index 613272c56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_12.png deleted file mode 100644 index 89c401bb0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_13.png deleted file mode 100644 index 898b4f1bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_14.png deleted file mode 100644 index 982057d9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_15.png deleted file mode 100644 index 4825cb997..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_16.png deleted file mode 100644 index 331f93694..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_17.png deleted file mode 100644 index d3f3bf541..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_18.png deleted file mode 100644 index 7a9ab7de2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_19.png deleted file mode 100644 index 42c3f1f6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_20.png deleted file mode 100644 index 3fa8b156d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character11/0606_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_01.png deleted file mode 100644 index 8228fffe2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_02.png deleted file mode 100644 index d0c0eb8cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_03.png deleted file mode 100644 index b767f6d74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_04.png deleted file mode 100644 index 7c99930bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_05.png deleted file mode 100644 index b69cd7a2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_06.png deleted file mode 100644 index cc130ef9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_07.png deleted file mode 100644 index e8309ff05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_08.png deleted file mode 100644 index 9a2a57f99..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_09.png deleted file mode 100644 index 4da1e59c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_10.png deleted file mode 100644 index 1ba9cf064..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_11.png deleted file mode 100644 index 145adad10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_12.png deleted file mode 100644 index 5b9ac30b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_13.png deleted file mode 100644 index 7aa629b39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_14.png deleted file mode 100644 index 5f6455f3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_15.png deleted file mode 100644 index e67fb687b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_16.png deleted file mode 100644 index 47239b772..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_17.png deleted file mode 100644 index 7bc38f09e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_18.png deleted file mode 100644 index e8915ea45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_19.png deleted file mode 100644 index 5dc882757..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_20.png deleted file mode 100644 index ce58f17f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character12/0607_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_01.png deleted file mode 100644 index 216b7c20f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_02.png deleted file mode 100644 index 552f28779..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_03.png deleted file mode 100644 index a7da04a27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_04.png deleted file mode 100644 index 982fc6d2e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_05.png deleted file mode 100644 index 36d97163e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_06.png deleted file mode 100644 index 5fd9e0030..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_07.png deleted file mode 100644 index fa554242e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_08.png deleted file mode 100644 index 596eb3420..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_09.png deleted file mode 100644 index c06d79dfe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_10.png deleted file mode 100644 index b5014441a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_11.png deleted file mode 100644 index a6ba6369e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_12.png deleted file mode 100644 index 5656dda74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_13.png deleted file mode 100644 index fcfa4f7c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_14.png deleted file mode 100644 index 1925b467b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_15.png deleted file mode 100644 index b8e699226..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_16.png deleted file mode 100644 index 51f421282..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_17.png deleted file mode 100644 index 3ef814525..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_18.png deleted file mode 100644 index a29cfd93d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_19.png deleted file mode 100644 index 6cf5e4537..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_20.png deleted file mode 100644 index 4436c0675..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character13/0608_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_01.png deleted file mode 100644 index 7dbe7657c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_02.png deleted file mode 100644 index f724bc159..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_03.png deleted file mode 100644 index 7851bd3d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_04.png deleted file mode 100644 index 9d3d4eac0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_05.png deleted file mode 100644 index 7dbcf9bb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_06.png deleted file mode 100644 index 91487dea0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_07.png deleted file mode 100644 index 00b43e45b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_08.png deleted file mode 100644 index 97ee6f639..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_09.png deleted file mode 100644 index 6a4cc9bf8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_10.png deleted file mode 100644 index 87027f8b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_11.png deleted file mode 100644 index bbe96ecee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_12.png deleted file mode 100644 index 34f0d72bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_13.png deleted file mode 100644 index bffbb07fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_14.png deleted file mode 100644 index 8cc86157e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_15.png deleted file mode 100644 index 0ecac795d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_16.png deleted file mode 100644 index 0a81f4c2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_17.png deleted file mode 100644 index 0b7ac1cb1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_18.png deleted file mode 100644 index 4515dca4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_19.png deleted file mode 100644 index 7f82eda2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_20.png deleted file mode 100644 index fcaaa31ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character14/0609_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_01.png deleted file mode 100644 index aec77cd05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_02.png deleted file mode 100644 index d19db7eee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_03.png deleted file mode 100644 index e8033093d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_04.png deleted file mode 100644 index 9feb68fee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_05.png deleted file mode 100644 index c56ab90b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_06.png deleted file mode 100644 index 01dd316d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_07.png deleted file mode 100644 index cdd9b3276..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_08.png deleted file mode 100644 index 8938866ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_09.png deleted file mode 100644 index e37025c20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_10.png deleted file mode 100644 index 8724a1a7b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_11.png deleted file mode 100644 index 4198b6084..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_12.png deleted file mode 100644 index c1c5d38c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_13.png deleted file mode 100644 index 3d5e55263..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_14.png deleted file mode 100644 index 5340d3095..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_15.png deleted file mode 100644 index b9919d887..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_16.png deleted file mode 100644 index 34dda42d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_17.png deleted file mode 100644 index 949a11446..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_18.png deleted file mode 100644 index 4183499d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_19.png deleted file mode 100644 index 23d962826..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_20.png deleted file mode 100644 index e29f2fe8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character15/0610_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_01.png deleted file mode 100644 index 890862a67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_02.png deleted file mode 100644 index 3f3db0540..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_03.png deleted file mode 100644 index 5ed2931ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_04.png deleted file mode 100644 index 78cb5a7c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_05.png deleted file mode 100644 index eb30e5c83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_06.png deleted file mode 100644 index b776a61b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_07.png deleted file mode 100644 index 6b2864116..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_08.png deleted file mode 100644 index 1b30ce43b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_09.png deleted file mode 100644 index 67ea29ea4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_10.png deleted file mode 100644 index 6e86e91ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_11.png deleted file mode 100644 index 345b20f37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_12.png deleted file mode 100644 index 2fa37f314..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_13.png deleted file mode 100644 index f56d838ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_14.png deleted file mode 100644 index 5e1a55e8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_15.png deleted file mode 100644 index c23c099e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_16.png deleted file mode 100644 index 449dd8af6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_17.png deleted file mode 100644 index 48d667a52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_18.png deleted file mode 100644 index 184caae55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_19.png deleted file mode 100644 index 321d66a75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_20.png deleted file mode 100644 index a9f71025c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character16/0611_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_01.png deleted file mode 100644 index 0996d3b08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_02.png deleted file mode 100644 index 495e1a808..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_03.png deleted file mode 100644 index 20e3a4cd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_04.png deleted file mode 100644 index 4bd80a7e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_05.png deleted file mode 100644 index bab76831b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_06.png deleted file mode 100644 index c874aecf1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_07.png deleted file mode 100644 index 068c7b02d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_08.png deleted file mode 100644 index 1c3fd673c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_09.png deleted file mode 100644 index ade88f52b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_10.png deleted file mode 100644 index 59dc32d00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_11.png deleted file mode 100644 index b79f127b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_12.png deleted file mode 100644 index 2e84a8098..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_13.png deleted file mode 100644 index 2ab1c4ccb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_14.png deleted file mode 100644 index dafb9ebc0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_15.png deleted file mode 100644 index e208a4350..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_16.png deleted file mode 100644 index ac7517578..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_17.png deleted file mode 100644 index 85ee8b036..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_18.png deleted file mode 100644 index 87957462f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_19.png deleted file mode 100644 index a1c174472..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_20.png deleted file mode 100644 index e8ba4d988..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character17/0612_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_01.png deleted file mode 100644 index 696f2dbfd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_02.png deleted file mode 100644 index a03e6b75c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_03.png deleted file mode 100644 index 1f85f21af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_04.png deleted file mode 100644 index c52b8872a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_05.png deleted file mode 100644 index ceaacdddd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_06.png deleted file mode 100644 index 703364d49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_07.png deleted file mode 100644 index bf50a72ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_08.png deleted file mode 100644 index cd67590fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_09.png deleted file mode 100644 index db757e126..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_10.png deleted file mode 100644 index fed6c5c6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_11.png deleted file mode 100644 index 9f94e721e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_12.png deleted file mode 100644 index aa811c612..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_13.png deleted file mode 100644 index 1ef4c5f34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_14.png deleted file mode 100644 index e8ce660cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_15.png deleted file mode 100644 index ec0076116..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_16.png deleted file mode 100644 index 01af339a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_17.png deleted file mode 100644 index c5cbcdd77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_18.png deleted file mode 100644 index 9182832d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_19.png deleted file mode 100644 index 20a56f5d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_20.png deleted file mode 100644 index c314cd957..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character18/0613_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_01.png deleted file mode 100644 index c72811c5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_02.png deleted file mode 100644 index e57d06dae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_03.png deleted file mode 100644 index 07368ba6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_04.png deleted file mode 100644 index 492b35d26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_05.png deleted file mode 100644 index 3d1e47b37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_06.png deleted file mode 100644 index 4ae3af969..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_07.png deleted file mode 100644 index ce9468bd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_08.png deleted file mode 100644 index 20a21022b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_09.png deleted file mode 100644 index 339e82439..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_10.png deleted file mode 100644 index f281cc3fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_11.png deleted file mode 100644 index 9c56f658a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_12.png deleted file mode 100644 index 56d428da9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_13.png deleted file mode 100644 index 474048edc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_14.png deleted file mode 100644 index b3cb9781d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_15.png deleted file mode 100644 index 80885944b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_16.png deleted file mode 100644 index de7ec99f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_17.png deleted file mode 100644 index 3c7a4d721..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_18.png deleted file mode 100644 index 9a9262681..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_19.png deleted file mode 100644 index db3604015..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_20.png deleted file mode 100644 index fdafba8d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character19/0614_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_01.png deleted file mode 100644 index 55e6b8dfa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_02.png deleted file mode 100644 index b7a3c1753..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_03.png deleted file mode 100644 index 53a6ed926..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_04.png deleted file mode 100644 index 3cddd9c7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_05.png deleted file mode 100644 index 5ec563801..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_06.png deleted file mode 100644 index 4b4a50955..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_07.png deleted file mode 100644 index 52c5a058f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_08.png deleted file mode 100644 index f6ec771e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_09.png deleted file mode 100644 index bfba052fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_10.png deleted file mode 100644 index e0890d0d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_11.png deleted file mode 100644 index 54ce6bf45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_12.png deleted file mode 100644 index b3b232cc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_13.png deleted file mode 100644 index 1bbfb7e84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_14.png deleted file mode 100644 index 2f7406124..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_15.png deleted file mode 100644 index ca4199d95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_16.png deleted file mode 100644 index 58263999f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_17.png deleted file mode 100644 index d8565d7ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_18.png deleted file mode 100644 index 757be1902..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_19.png deleted file mode 100644 index fe13781df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_20.png deleted file mode 100644 index 69c895264..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character20/0615_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_01.png deleted file mode 100644 index df4d032a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_02.png deleted file mode 100644 index 7cfa293d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_03.png deleted file mode 100644 index af024e032..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_04.png deleted file mode 100644 index 2e563caf6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_05.png deleted file mode 100644 index 2caeca1a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_06.png deleted file mode 100644 index dc56ce462..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_07.png deleted file mode 100644 index 96cf9687d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_08.png deleted file mode 100644 index 8309a7320..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_09.png deleted file mode 100644 index e45dbe325..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_10.png deleted file mode 100644 index ce89597a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_11.png deleted file mode 100644 index c4aa537d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_12.png deleted file mode 100644 index bec6be546..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_13.png deleted file mode 100644 index c7b19abc4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_14.png deleted file mode 100644 index 66df835a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_15.png deleted file mode 100644 index fa7f790fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_16.png deleted file mode 100644 index ddd64c073..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_17.png deleted file mode 100644 index cb8b498f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_18.png deleted file mode 100644 index c8e11342f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_19.png deleted file mode 100644 index 1e9253b71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_20.png deleted file mode 100644 index 2d9e30505..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character21/0616_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_01.png deleted file mode 100644 index 5b8551bf6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_02.png deleted file mode 100644 index a2650a168..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_03.png deleted file mode 100644 index deff94c4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_04.png deleted file mode 100644 index d660a4806..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_05.png deleted file mode 100644 index 654a91ff8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_06.png deleted file mode 100644 index 546f55234..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_07.png deleted file mode 100644 index 8d52fb30d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_08.png deleted file mode 100644 index de2adf959..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_09.png deleted file mode 100644 index e34de54b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_10.png deleted file mode 100644 index dc39725a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_11.png deleted file mode 100644 index 7aaefd7f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_12.png deleted file mode 100644 index 63a0f265e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_13.png deleted file mode 100644 index 275b28082..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_14.png deleted file mode 100644 index af51c815a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_15.png deleted file mode 100644 index f944590f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_16.png deleted file mode 100644 index 120390ad4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_17.png deleted file mode 100644 index 5db6b5e81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_18.png deleted file mode 100644 index 6c11e2a1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_19.png deleted file mode 100644 index 36de4160e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_20.png deleted file mode 100644 index 9d16c6770..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character22/0617_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_01.png deleted file mode 100644 index 67746851a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_02.png deleted file mode 100644 index f32f0f035..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_03.png deleted file mode 100644 index 49e417baf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_04.png deleted file mode 100644 index 8306f3bd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_05.png deleted file mode 100644 index a70b78d6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_06.png deleted file mode 100644 index 85aa0546b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_07.png deleted file mode 100644 index 718b36968..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_08.png deleted file mode 100644 index fca988d9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_09.png deleted file mode 100644 index bfc060532..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_10.png deleted file mode 100644 index dbdb7016b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_11.png deleted file mode 100644 index eaa3bd722..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_12.png deleted file mode 100644 index 5ebd07117..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_13.png deleted file mode 100644 index 82cc81635..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_14.png deleted file mode 100644 index 777afa696..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_15.png deleted file mode 100644 index 55975255e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_16.png deleted file mode 100644 index b3dd2a6c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_17.png deleted file mode 100644 index 53ba6f62f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_18.png deleted file mode 100644 index 70fdf8712..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_19.png deleted file mode 100644 index ef7ee2656..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_20.png deleted file mode 100644 index e63195987..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character23/0618_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_01.png deleted file mode 100644 index 41526eedf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_02.png deleted file mode 100644 index e2d12cc60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_03.png deleted file mode 100644 index 426a5aaef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_04.png deleted file mode 100644 index 3f08744ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_05.png deleted file mode 100644 index 4bb849604..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_06.png deleted file mode 100644 index e0b4e47ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_07.png deleted file mode 100644 index 038445d87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_08.png deleted file mode 100644 index 00173f5be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_09.png deleted file mode 100644 index fabc4c4e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_10.png deleted file mode 100644 index 477c2dc7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_11.png deleted file mode 100644 index 3b54c07ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_12.png deleted file mode 100644 index 32e806162..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_13.png deleted file mode 100644 index 9fb3eb026..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_14.png deleted file mode 100644 index 9b532a9bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_15.png deleted file mode 100644 index 7732f2dad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_16.png deleted file mode 100644 index fc4efbc22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_17.png deleted file mode 100644 index 030b93431..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_18.png deleted file mode 100644 index 967b12d54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_19.png deleted file mode 100644 index 5d6a60d7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_20.png deleted file mode 100644 index c0a61f951..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character24/0619_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_01.png deleted file mode 100644 index aa97799f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_02.png deleted file mode 100644 index 3f6e27c53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_03.png deleted file mode 100644 index 08802b51a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_04.png deleted file mode 100644 index 114b414c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_05.png deleted file mode 100644 index 320a119ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_06.png deleted file mode 100644 index adb131418..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_07.png deleted file mode 100644 index 7b8377a65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_08.png deleted file mode 100644 index 042881852..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_09.png deleted file mode 100644 index 8a245a5fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_10.png deleted file mode 100644 index cc7197583..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_11.png deleted file mode 100644 index ba8e91849..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_12.png deleted file mode 100644 index 88137ad13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_13.png deleted file mode 100644 index 17a55c1bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_14.png deleted file mode 100644 index a6c584dc7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_15.png deleted file mode 100644 index f5b7affc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_16.png deleted file mode 100644 index 8119ccf7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_17.png deleted file mode 100644 index 0666d89c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_18.png deleted file mode 100644 index 5564c5311..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_19.png deleted file mode 100644 index 46e529196..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_20.png deleted file mode 100644 index d0248aafa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character25/0620_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_01.png deleted file mode 100644 index 94175343f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_02.png deleted file mode 100644 index 43fcdc24d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_03.png deleted file mode 100644 index 179eb9a75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_04.png deleted file mode 100644 index 62c29b308..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_05.png deleted file mode 100644 index 4e0d9698c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_06.png deleted file mode 100644 index 10b96721f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_07.png deleted file mode 100644 index fe81ddd64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_08.png deleted file mode 100644 index 37abc3467..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_09.png deleted file mode 100644 index 82c155c32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_10.png deleted file mode 100644 index e7670ac27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_11.png deleted file mode 100644 index 4b8062ac9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_12.png deleted file mode 100644 index 8ec51be2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_13.png deleted file mode 100644 index e67e6d6d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_14.png deleted file mode 100644 index ef2b967d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_15.png deleted file mode 100644 index dd0a03f7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_16.png deleted file mode 100644 index f9b5744ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_17.png deleted file mode 100644 index ac8549d68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_18.png deleted file mode 100644 index d5f12d253..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_19.png deleted file mode 100644 index 505fbad0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_20.png deleted file mode 100644 index 6a63b3edd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character26/0621_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_01.png deleted file mode 100644 index 5a972f53a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_02.png deleted file mode 100644 index a30086e9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_03.png deleted file mode 100644 index bfb953bd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_04.png deleted file mode 100644 index b7baa8e4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_05.png deleted file mode 100644 index f298a3de7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_06.png deleted file mode 100644 index 3330d7165..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_07.png deleted file mode 100644 index 9cab88404..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_08.png deleted file mode 100644 index 7e11e88ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_09.png deleted file mode 100644 index 265e4e54f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_10.png deleted file mode 100644 index 53ef3bb3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_11.png deleted file mode 100644 index 3beb51b3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_12.png deleted file mode 100644 index c83534440..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_13.png deleted file mode 100644 index cada7bf0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_14.png deleted file mode 100644 index c469a24a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_15.png deleted file mode 100644 index a7187d676..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_16.png deleted file mode 100644 index 8f18afeae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_17.png deleted file mode 100644 index d510fc9df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_18.png deleted file mode 100644 index 6e57b5c9d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_19.png deleted file mode 100644 index 777ae89a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_20.png deleted file mode 100644 index 3fb1e6169..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character27/0622_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_01.png deleted file mode 100644 index 4aabbb759..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_02.png deleted file mode 100644 index 953cb9ef4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_03.png deleted file mode 100644 index d88ca48dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_04.png deleted file mode 100644 index 03fd02181..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_05.png deleted file mode 100644 index e2b1fe6c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_06.png deleted file mode 100644 index 5e54b076a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_07.png deleted file mode 100644 index 73b8e4d15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_08.png deleted file mode 100644 index 09f0bebc2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_09.png deleted file mode 100644 index 7d4887935..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_10.png deleted file mode 100644 index b300389cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_11.png deleted file mode 100644 index 25d1af34f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_12.png deleted file mode 100644 index d0c3abf85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_13.png deleted file mode 100644 index 3d9df20ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_14.png deleted file mode 100644 index c934b25fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_15.png deleted file mode 100644 index 9a52dbe4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_16.png deleted file mode 100644 index 40e56c3a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_17.png deleted file mode 100644 index 3227cb087..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_18.png deleted file mode 100644 index ebc0d4f8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_19.png deleted file mode 100644 index 0345f9b03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_20.png deleted file mode 100644 index 6eeb373a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character28/0623_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_01.png deleted file mode 100644 index d5bbd84c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_02.png deleted file mode 100644 index 067fb7bb2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_03.png deleted file mode 100644 index 0db597b38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_04.png deleted file mode 100644 index 43fc19f5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_05.png deleted file mode 100644 index acf002dc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_06.png deleted file mode 100644 index 8c60df401..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_07.png deleted file mode 100644 index 582b2bd2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_08.png deleted file mode 100644 index e94c4f2f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_09.png deleted file mode 100644 index 42df841c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_10.png deleted file mode 100644 index 17101ca43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_11.png deleted file mode 100644 index 908384828..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_12.png deleted file mode 100644 index dbeaf2bbe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_13.png deleted file mode 100644 index 6d4571aab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_14.png deleted file mode 100644 index 573b5e185..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_15.png deleted file mode 100644 index af4e7f391..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_16.png deleted file mode 100644 index 6483d8b0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_17.png deleted file mode 100644 index 88bca7e52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_18.png deleted file mode 100644 index b9f506eb8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_19.png deleted file mode 100644 index 202aa198a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_20.png deleted file mode 100644 index 245acb765..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character29/0624_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_01.png deleted file mode 100644 index 1147a13ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_02.png deleted file mode 100644 index e4f008004..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_03.png deleted file mode 100644 index 3ecb49222..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_04.png deleted file mode 100644 index 16f330026..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_05.png deleted file mode 100644 index 6e4a1aec8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_06.png deleted file mode 100644 index 0e9c85ef3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_07.png deleted file mode 100644 index 1564dc710..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_08.png deleted file mode 100644 index cf796a3cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_09.png deleted file mode 100644 index 75d3037e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_10.png deleted file mode 100644 index 42114f049..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_11.png deleted file mode 100644 index 72b5f9d32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_12.png deleted file mode 100644 index ae64a26a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_13.png deleted file mode 100644 index df91e36ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_14.png deleted file mode 100644 index 8d5e259b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_15.png deleted file mode 100644 index 655970254..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_16.png deleted file mode 100644 index d6cd42f80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_17.png deleted file mode 100644 index 467dcdfd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_18.png deleted file mode 100644 index 3805d6391..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_19.png deleted file mode 100644 index 5187efabb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_20.png deleted file mode 100644 index 92e4545df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character30/0625_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_01.png deleted file mode 100644 index c1ca40d23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_02.png deleted file mode 100644 index d7ad58b00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_03.png deleted file mode 100644 index efe8a03f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_04.png deleted file mode 100644 index 7db7f4ad6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_05.png deleted file mode 100644 index e83ad65ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_06.png deleted file mode 100644 index a518a0cce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_07.png deleted file mode 100644 index fa6c6514a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_08.png deleted file mode 100644 index 16ac33075..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_09.png deleted file mode 100644 index c879e598b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_10.png deleted file mode 100644 index 38704655c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_11.png deleted file mode 100644 index 134ab7213..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_12.png deleted file mode 100644 index 3a18279c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_13.png deleted file mode 100644 index aa0868031..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_14.png deleted file mode 100644 index 856d39e7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_15.png deleted file mode 100644 index 2ab375db4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_16.png deleted file mode 100644 index dc8670da9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_17.png deleted file mode 100644 index 7d8ee68c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_18.png deleted file mode 100644 index 88ceae946..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_19.png deleted file mode 100644 index bf8d376b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_20.png deleted file mode 100644 index 816c69cae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character31/0626_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_01.png deleted file mode 100644 index bc86b9b6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_02.png deleted file mode 100644 index ca36962ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_03.png deleted file mode 100644 index 506b242e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_04.png deleted file mode 100644 index 89ae1c76d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_05.png deleted file mode 100644 index c13d2278c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_06.png deleted file mode 100644 index 58693c208..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_07.png deleted file mode 100644 index dc32ea41a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_08.png deleted file mode 100644 index d19e862cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_09.png deleted file mode 100644 index cad505b41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_10.png deleted file mode 100644 index be8c5c6b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_11.png deleted file mode 100644 index f56c18517..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_12.png deleted file mode 100644 index 82af9ffbe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_13.png deleted file mode 100644 index 63fe48151..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_14.png deleted file mode 100644 index 320dfb34a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_15.png deleted file mode 100644 index ac7d726c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_16.png deleted file mode 100644 index 94384c580..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_17.png deleted file mode 100644 index 1769f869d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_18.png deleted file mode 100644 index 99992ba8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_19.png deleted file mode 100644 index d58b1f589..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_20.png deleted file mode 100644 index 2c458c583..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character32/0627_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_01.png deleted file mode 100644 index af24a9f28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_02.png deleted file mode 100644 index 86f5fc867..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_03.png deleted file mode 100644 index 8f5c3465e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_04.png deleted file mode 100644 index 3448e4d2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_05.png deleted file mode 100644 index 668be47fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_06.png deleted file mode 100644 index c58643c02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_07.png deleted file mode 100644 index 613e902e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_08.png deleted file mode 100644 index bcf7d754f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_09.png deleted file mode 100644 index bf662532f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_10.png deleted file mode 100644 index dd0ed39dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_11.png deleted file mode 100644 index c8cadd525..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_12.png deleted file mode 100644 index 403a511d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_13.png deleted file mode 100644 index 3adc9bead..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_14.png deleted file mode 100644 index f830713bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_15.png deleted file mode 100644 index 299dcd839..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_16.png deleted file mode 100644 index 5bfe349bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_17.png deleted file mode 100644 index a1b281d09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_18.png deleted file mode 100644 index 7642485cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_19.png deleted file mode 100644 index d67455918..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_20.png deleted file mode 100644 index 1c249f73f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character33/0628_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_01.png deleted file mode 100644 index af817c9cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_02.png deleted file mode 100644 index 45ce6a9b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_03.png deleted file mode 100644 index 54004a0bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_04.png deleted file mode 100644 index 83fca7711..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_05.png deleted file mode 100644 index cb66286a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_06.png deleted file mode 100644 index aba370a10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_07.png deleted file mode 100644 index 11ca7dbd7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_08.png deleted file mode 100644 index bce3acba1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_09.png deleted file mode 100644 index 794c74334..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_10.png deleted file mode 100644 index 95a29f414..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_11.png deleted file mode 100644 index ac299ddd2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_12.png deleted file mode 100644 index e8990e0e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_13.png deleted file mode 100644 index bc446fbc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_14.png deleted file mode 100644 index 0a61460f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_15.png deleted file mode 100644 index 02b8682f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_16.png deleted file mode 100644 index b3cd670a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_17.png deleted file mode 100644 index 0e84e4497..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_18.png deleted file mode 100644 index 0adec52aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_19.png deleted file mode 100644 index 6e6975da6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_20.png deleted file mode 100644 index ea584586c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character34/0629_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_01.png deleted file mode 100644 index e27cfb791..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_02.png deleted file mode 100644 index 62d325fd5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_03.png deleted file mode 100644 index 20052110b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_04.png deleted file mode 100644 index 4a3f4d380..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_05.png deleted file mode 100644 index 7faef8194..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_06.png deleted file mode 100644 index ad265932a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_07.png deleted file mode 100644 index 22f17c513..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_08.png deleted file mode 100644 index 8a657dee9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_09.png deleted file mode 100644 index cf7528d8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_10.png deleted file mode 100644 index 152a776b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_11.png deleted file mode 100644 index df2174c01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_12.png deleted file mode 100644 index 014269957..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_13.png deleted file mode 100644 index 2ce2930d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_14.png deleted file mode 100644 index bce5cc61c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_15.png deleted file mode 100644 index d968ae395..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_16.png deleted file mode 100644 index ec6d3bd81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_17.png deleted file mode 100644 index 7b7cb6bcc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_18.png deleted file mode 100644 index 2b54a4eb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_19.png deleted file mode 100644 index 4bfdbc2f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_20.png deleted file mode 100644 index 9c8178599..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character35/0630_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_01.png deleted file mode 100644 index 1b40da784..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_02.png deleted file mode 100644 index 48e5da96e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_03.png deleted file mode 100644 index 513752e3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_04.png deleted file mode 100644 index 242ca4e9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_05.png deleted file mode 100644 index d5d2d13d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_06.png deleted file mode 100644 index d40b3b68a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_07.png deleted file mode 100644 index f8a2bc751..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_08.png deleted file mode 100644 index e88a63220..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_09.png deleted file mode 100644 index daa1dbd63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_10.png deleted file mode 100644 index 7f75d6f46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_11.png deleted file mode 100644 index bd54c036b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_12.png deleted file mode 100644 index c546fae7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_13.png deleted file mode 100644 index 37745f9ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_14.png deleted file mode 100644 index 297bdf298..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_15.png deleted file mode 100644 index e05fc2e35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_16.png deleted file mode 100644 index 06b1dee11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_17.png deleted file mode 100644 index 6fa3f47a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_18.png deleted file mode 100644 index 971a41813..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_19.png deleted file mode 100644 index ca6aa4278..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_20.png deleted file mode 100644 index 62ce20b46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character36/0631_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_01.png deleted file mode 100644 index b2c30eb49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_02.png deleted file mode 100644 index 3234bdbf3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_03.png deleted file mode 100644 index 82e8c2004..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_04.png deleted file mode 100644 index c52e3f274..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_05.png deleted file mode 100644 index a96284c00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_06.png deleted file mode 100644 index c9c8baab2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_07.png deleted file mode 100644 index bf552f3c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_08.png deleted file mode 100644 index 37d1d3bde..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_09.png deleted file mode 100644 index f1857b6df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_10.png deleted file mode 100644 index 1a46a3584..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_11.png deleted file mode 100644 index e33bb8f6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_12.png deleted file mode 100644 index 6e2ce21d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_13.png deleted file mode 100644 index d9ddb4bed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_14.png deleted file mode 100644 index a5743fc70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_15.png deleted file mode 100644 index 14bac2c97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_16.png deleted file mode 100644 index 298f6d218..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_17.png deleted file mode 100644 index 7ffd87509..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_18.png deleted file mode 100644 index 49938edcd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_19.png deleted file mode 100644 index 7c9834bf8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_20.png deleted file mode 100644 index 501db058c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character37/0632_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_01.png deleted file mode 100644 index f9f1f8dad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_02.png deleted file mode 100644 index f1d68d2d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_03.png deleted file mode 100644 index ad9f47d73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_04.png deleted file mode 100644 index eecae47e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_05.png deleted file mode 100644 index 16b0cead5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_06.png deleted file mode 100644 index 0fda1866f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_07.png deleted file mode 100644 index d58c065ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_08.png deleted file mode 100644 index 9da2a8318..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_09.png deleted file mode 100644 index 255c4434f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_10.png deleted file mode 100644 index 9ebe12274..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_11.png deleted file mode 100644 index d511b9cea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_12.png deleted file mode 100644 index 431bd6448..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_13.png deleted file mode 100644 index f3dcd40b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_14.png deleted file mode 100644 index 9b50cef2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_15.png deleted file mode 100644 index f3a8b2b34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_16.png deleted file mode 100644 index 33788911d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_17.png deleted file mode 100644 index c8b2f54a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_18.png deleted file mode 100644 index e4f78542c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_19.png deleted file mode 100644 index 38afef237..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_20.png deleted file mode 100644 index 3c99efc59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character38/0633_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_01.png deleted file mode 100644 index 9290194a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_02.png deleted file mode 100644 index 66d9ef44f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_03.png deleted file mode 100644 index d9878341f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_04.png deleted file mode 100644 index 1ca86f0c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_05.png deleted file mode 100644 index e2c746c09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_06.png deleted file mode 100644 index 87a270f32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_07.png deleted file mode 100644 index 305c5cf65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_08.png deleted file mode 100644 index 1507369b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_09.png deleted file mode 100644 index a1c47e754..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_10.png deleted file mode 100644 index 5350885a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_11.png deleted file mode 100644 index 098d278d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_12.png deleted file mode 100644 index a50d0bd22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_13.png deleted file mode 100644 index ee91a4ba5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_14.png deleted file mode 100644 index 4cae0551b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_15.png deleted file mode 100644 index 8ee2bfbdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_16.png deleted file mode 100644 index d0470b6c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_17.png deleted file mode 100644 index 2e8541f45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_18.png deleted file mode 100644 index e2ccea5f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_19.png deleted file mode 100644 index 3f1d688bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_20.png deleted file mode 100644 index fe039a1d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character39/0634_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_01.png deleted file mode 100644 index 82dcb8a4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_02.png deleted file mode 100644 index aa8ca0cbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_03.png deleted file mode 100644 index 4e82ff909..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_04.png deleted file mode 100644 index 99fb8b62e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_05.png deleted file mode 100644 index 84b97fdf7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_06.png deleted file mode 100644 index ae9be1e10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_07.png deleted file mode 100644 index e5deaca87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_08.png deleted file mode 100644 index 53893c389..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_09.png deleted file mode 100644 index 92424278a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_10.png deleted file mode 100644 index 868202552..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_11.png deleted file mode 100644 index 83c13b3b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_12.png deleted file mode 100644 index 5b092232b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_13.png deleted file mode 100644 index f8779c2fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_14.png deleted file mode 100644 index c5cc43a33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_15.png deleted file mode 100644 index 7b7c66550..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_16.png deleted file mode 100644 index 5d0cab50f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_17.png deleted file mode 100644 index 4a9f2ad59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_18.png deleted file mode 100644 index 96a45bbb3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_19.png deleted file mode 100644 index c079fca94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_20.png deleted file mode 100644 index 81a7ca58b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character40/0635_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_01.png deleted file mode 100644 index b961cba8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_02.png deleted file mode 100644 index 749a14079..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_03.png deleted file mode 100644 index 23e925240..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_04.png deleted file mode 100644 index e4289ffed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_05.png deleted file mode 100644 index 3946d5165..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_06.png deleted file mode 100644 index 524480b7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_07.png deleted file mode 100644 index 5d4cc6c4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_08.png deleted file mode 100644 index 23f8659b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_09.png deleted file mode 100644 index 1eee57ed6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_10.png deleted file mode 100644 index a98c2998e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_11.png deleted file mode 100644 index 8ceabf92d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_12.png deleted file mode 100644 index aecfce5db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_13.png deleted file mode 100644 index 64d226ef0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_14.png deleted file mode 100644 index 3e7a3c0cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_15.png deleted file mode 100644 index 3b11d646b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_16.png deleted file mode 100644 index aee8a95b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_17.png deleted file mode 100644 index 0e3a6bc53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_18.png deleted file mode 100644 index 38cc22530..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_19.png deleted file mode 100644 index 7e14a6616..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_20.png deleted file mode 100644 index cb2741ebf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character41/0636_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_01.png deleted file mode 100644 index 48d5eba1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_02.png deleted file mode 100644 index 4f2ed873e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_03.png deleted file mode 100644 index 2d440b064..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_04.png deleted file mode 100644 index f6091dc2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_05.png deleted file mode 100644 index ac6a2902d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_06.png deleted file mode 100644 index 56d63725c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_07.png deleted file mode 100644 index 2933635cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_08.png deleted file mode 100644 index 50fe650a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_09.png deleted file mode 100644 index d77328850..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_10.png deleted file mode 100644 index 26f6e947b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_11.png deleted file mode 100644 index 0f85c06cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_12.png deleted file mode 100644 index aa1ba7a43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_13.png deleted file mode 100644 index 40828b886..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_14.png deleted file mode 100644 index 2a18d0e85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_15.png deleted file mode 100644 index a68be2c32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_16.png deleted file mode 100644 index ecbfba4b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_17.png deleted file mode 100644 index 6b6004e8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_18.png deleted file mode 100644 index aec9befa6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_19.png deleted file mode 100644 index eb508d28e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_20.png deleted file mode 100644 index a99e24cdb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character42/0637_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_01.png deleted file mode 100644 index 47fef8b51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_02.png deleted file mode 100644 index 87a9d7f95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_03.png deleted file mode 100644 index 5ed8329ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_04.png deleted file mode 100644 index 314962045..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_05.png deleted file mode 100644 index ac4b38ee1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_06.png deleted file mode 100644 index c2a11b44d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_07.png deleted file mode 100644 index 99346b69a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_08.png deleted file mode 100644 index b35f3be47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_09.png deleted file mode 100644 index d4336b28a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_10.png deleted file mode 100644 index db68342e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_11.png deleted file mode 100644 index 872505120..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_12.png deleted file mode 100644 index 7f7b547c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_13.png deleted file mode 100644 index d75f21159..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_14.png deleted file mode 100644 index ec9c431f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_15.png deleted file mode 100644 index 6c07258bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_16.png deleted file mode 100644 index 82acbd78b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_17.png deleted file mode 100644 index 752af0a04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_18.png deleted file mode 100644 index dc3f27dc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_19.png deleted file mode 100644 index 822d60e19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_20.png deleted file mode 100644 index e17ff4142..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character43/0638_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_01.png deleted file mode 100644 index 52a308b35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_02.png deleted file mode 100644 index 010263bd2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_03.png deleted file mode 100644 index 4f0226daa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_04.png deleted file mode 100644 index bf70c2dc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_05.png deleted file mode 100644 index 806ce0162..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_06.png deleted file mode 100644 index 13f9b3242..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_07.png deleted file mode 100644 index 7947deba7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_08.png deleted file mode 100644 index 1cd14f237..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_09.png deleted file mode 100644 index 173f958de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_10.png deleted file mode 100644 index c8c28217c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_11.png deleted file mode 100644 index e59f14cbf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_12.png deleted file mode 100644 index ad29661b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_13.png deleted file mode 100644 index 52ba5e07c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_14.png deleted file mode 100644 index 28cb69b9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_15.png deleted file mode 100644 index 8069499ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_16.png deleted file mode 100644 index c1b61ee6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_17.png deleted file mode 100644 index 15af1e8df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_18.png deleted file mode 100644 index c38fd8d3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_19.png deleted file mode 100644 index 1531c1f82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_20.png deleted file mode 100644 index 846627312..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character44/0639_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_01.png deleted file mode 100644 index 2ef5840aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_02.png deleted file mode 100644 index 411774359..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_03.png deleted file mode 100644 index 26bf8cffb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_04.png deleted file mode 100644 index 95ba196ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_05.png deleted file mode 100644 index c1d73df60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_06.png deleted file mode 100644 index 1ea375f83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_07.png deleted file mode 100644 index 5a3209093..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_08.png deleted file mode 100644 index df3638ace..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_09.png deleted file mode 100644 index 1848932a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_10.png deleted file mode 100644 index 6b1543c46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_11.png deleted file mode 100644 index 3d9004e37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_12.png deleted file mode 100644 index 0272cfb77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_13.png deleted file mode 100644 index edcb3c78f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_14.png deleted file mode 100644 index 54c3c3af2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_15.png deleted file mode 100644 index 188ff8fda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_16.png deleted file mode 100644 index 3bba60e1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_17.png deleted file mode 100644 index 600ae32ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_18.png deleted file mode 100644 index b3e817a45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_19.png deleted file mode 100644 index 9db60282b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_20.png deleted file mode 100644 index f03cb4426..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character45/0640_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_01.png deleted file mode 100644 index 40d5deb9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_02.png deleted file mode 100644 index fd37a1d23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_03.png deleted file mode 100644 index ae9ac3bc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_04.png deleted file mode 100644 index 3fea2b32a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_05.png deleted file mode 100644 index 88385b939..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_06.png deleted file mode 100644 index b01af8282..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_07.png deleted file mode 100644 index 2f8f8f879..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_08.png deleted file mode 100644 index 7e4a79b17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_09.png deleted file mode 100644 index 4107124df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_10.png deleted file mode 100644 index 853975068..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_11.png deleted file mode 100644 index e422bc373..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_12.png deleted file mode 100644 index b78297257..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_13.png deleted file mode 100644 index bee90ce84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_14.png deleted file mode 100644 index 3946f29e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_15.png deleted file mode 100644 index 9a80ffde8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_16.png deleted file mode 100644 index d02fdf7bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_17.png deleted file mode 100644 index c0ff7874f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_18.png deleted file mode 100644 index fe038ba3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_19.png deleted file mode 100644 index 282597f4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_20.png deleted file mode 100644 index a4788d3af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character46/0641_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_01.png deleted file mode 100644 index 2e133bc31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_02.png deleted file mode 100644 index fb41d6899..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_03.png deleted file mode 100644 index d28407e08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_04.png deleted file mode 100644 index 7d55e3105..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_05.png deleted file mode 100644 index af5104b40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_06.png deleted file mode 100644 index 85847cc85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_07.png deleted file mode 100644 index 4d42a8322..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_08.png deleted file mode 100644 index 1abe5e25c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_09.png deleted file mode 100644 index afabf04bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_10.png deleted file mode 100644 index 0a1a61378..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_11.png deleted file mode 100644 index b7c36a6c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_12.png deleted file mode 100644 index 806cc046f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_13.png deleted file mode 100644 index 4ac6a6b11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_14.png deleted file mode 100644 index 2686ca3d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_15.png deleted file mode 100644 index e8263d3e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_16.png deleted file mode 100644 index 05555e2a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_17.png deleted file mode 100644 index 76d1f56c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_18.png deleted file mode 100644 index 0a9da057e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_19.png deleted file mode 100644 index e1f2fe736..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_20.png deleted file mode 100644 index fedef5bcc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Japanese_(katakana)/character47/0642_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_01.png deleted file mode 100644 index 07e284e9d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_02.png deleted file mode 100644 index b476d0e15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_03.png deleted file mode 100644 index ff458427d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_04.png deleted file mode 100644 index 8a1e0d61c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_05.png deleted file mode 100644 index 74cc7f5e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_06.png deleted file mode 100644 index e34527b2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_07.png deleted file mode 100644 index 245205368..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_08.png deleted file mode 100644 index 538341e65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_09.png deleted file mode 100644 index 73f4e225e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_10.png deleted file mode 100644 index 62b27a1c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_11.png deleted file mode 100644 index 67dc67454..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_12.png deleted file mode 100644 index 86ea08e6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_13.png deleted file mode 100644 index 74008a291..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_14.png deleted file mode 100644 index f9c59db65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_15.png deleted file mode 100644 index 9db9fa2b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_16.png deleted file mode 100644 index 2fd67bc8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_17.png deleted file mode 100644 index ec956208c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_18.png deleted file mode 100644 index 937a75ad8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_19.png deleted file mode 100644 index bb4b1a52c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_20.png deleted file mode 100644 index a23b4a54d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character01/0643_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_01.png deleted file mode 100644 index bf3a15d13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_02.png deleted file mode 100644 index 3f961d612..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_03.png deleted file mode 100644 index 040c2dce4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_04.png deleted file mode 100644 index 6b2d0adb2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_05.png deleted file mode 100644 index da20dd038..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_06.png deleted file mode 100644 index 955a23b85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_07.png deleted file mode 100644 index b952b5f29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_08.png deleted file mode 100644 index 9539f4058..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_09.png deleted file mode 100644 index cd3b0a254..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_10.png deleted file mode 100644 index 59d0fa0c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_11.png deleted file mode 100644 index 7c378c55b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_12.png deleted file mode 100644 index 132e4a9e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_13.png deleted file mode 100644 index 9f45e2093..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_14.png deleted file mode 100644 index 4534382c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_15.png deleted file mode 100644 index 245cda7de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_16.png deleted file mode 100644 index f7a4a4d6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_17.png deleted file mode 100644 index 6a02296d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_18.png deleted file mode 100644 index 52ab0388a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_19.png deleted file mode 100644 index 9e6d5fada..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_20.png deleted file mode 100644 index f974fdbc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character02/0644_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_01.png deleted file mode 100644 index 1ab6d6058..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_02.png deleted file mode 100644 index f9cc1f67c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_03.png deleted file mode 100644 index 35027fc90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_04.png deleted file mode 100644 index 4bf162ac6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_05.png deleted file mode 100644 index 723a841d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_06.png deleted file mode 100644 index 5b4c7e5d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_07.png deleted file mode 100644 index f91664640..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_08.png deleted file mode 100644 index c0f850df7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_09.png deleted file mode 100644 index 60f282d07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_10.png deleted file mode 100644 index 2680fe5da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_11.png deleted file mode 100644 index 9fa1550b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_12.png deleted file mode 100644 index 7ee7f4d9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_13.png deleted file mode 100644 index 139b79fbe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_14.png deleted file mode 100644 index 0c2fc79d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_15.png deleted file mode 100644 index 6d83522d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_16.png deleted file mode 100644 index d86fe570d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_17.png deleted file mode 100644 index 37fbde085..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_18.png deleted file mode 100644 index 79cf32f8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_19.png deleted file mode 100644 index 64cc41c6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_20.png deleted file mode 100644 index d76f4cfe7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character03/0645_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_01.png deleted file mode 100644 index 71d24a61b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_02.png deleted file mode 100644 index f5a206367..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_03.png deleted file mode 100644 index 32e8f790d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_04.png deleted file mode 100644 index e02674b75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_05.png deleted file mode 100644 index ff2d9f645..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_06.png deleted file mode 100644 index 6aef6f964..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_07.png deleted file mode 100644 index 095826bdf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_08.png deleted file mode 100644 index 107b5136a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_09.png deleted file mode 100644 index d6bcf5d2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_10.png deleted file mode 100644 index ac7468eed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_11.png deleted file mode 100644 index 1b3dbd546..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_12.png deleted file mode 100644 index 694bc950d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_13.png deleted file mode 100644 index cf6bacf14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_14.png deleted file mode 100644 index 9e42ba957..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_15.png deleted file mode 100644 index acd50950d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_16.png deleted file mode 100644 index df0cbc351..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_17.png deleted file mode 100644 index f4b4daf83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_18.png deleted file mode 100644 index 6cdcd227f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_19.png deleted file mode 100644 index d8ee2ea2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_20.png deleted file mode 100644 index b972cc112..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character04/0646_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_01.png deleted file mode 100644 index 8031e94bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_02.png deleted file mode 100644 index c3bbbb3d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_03.png deleted file mode 100644 index aded29875..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_04.png deleted file mode 100644 index b4469e18a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_05.png deleted file mode 100644 index 69ba39f52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_06.png deleted file mode 100644 index 4ff78f406..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_07.png deleted file mode 100644 index 82f50bf6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_08.png deleted file mode 100644 index 5f197eb5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_09.png deleted file mode 100644 index 7cc6a3788..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_10.png deleted file mode 100644 index 0300668f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_11.png deleted file mode 100644 index 2f360fec5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_12.png deleted file mode 100644 index e7860db68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_13.png deleted file mode 100644 index 800395612..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_14.png deleted file mode 100644 index 8277f9a4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_15.png deleted file mode 100644 index d08e3d775..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_16.png deleted file mode 100644 index 81951941f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_17.png deleted file mode 100644 index baf2904de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_18.png deleted file mode 100644 index 4b7d6b309..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_19.png deleted file mode 100644 index 4182577de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_20.png deleted file mode 100644 index a22e17362..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character05/0647_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_01.png deleted file mode 100644 index 1c9dcd18f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_02.png deleted file mode 100644 index 0ac4b44b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_03.png deleted file mode 100644 index 5d137e9fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_04.png deleted file mode 100644 index cc0f12ded..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_05.png deleted file mode 100644 index 4e0f37d00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_06.png deleted file mode 100644 index 8758cff00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_07.png deleted file mode 100644 index 85500cc7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_08.png deleted file mode 100644 index 2302b0358..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_09.png deleted file mode 100644 index 380488dc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_10.png deleted file mode 100644 index 88d12d885..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_11.png deleted file mode 100644 index d0d2785a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_12.png deleted file mode 100644 index fa1d6453c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_13.png deleted file mode 100644 index f776e578d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_14.png deleted file mode 100644 index 76357c5a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_15.png deleted file mode 100644 index d6dfe0293..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_16.png deleted file mode 100644 index 3614db620..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_17.png deleted file mode 100644 index 62c63d8cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_18.png deleted file mode 100644 index 9c103c71d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_19.png deleted file mode 100644 index c0778823d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_20.png deleted file mode 100644 index fc804702a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character06/0648_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_01.png deleted file mode 100644 index cc7e6ac9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_02.png deleted file mode 100644 index 0e83444f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_03.png deleted file mode 100644 index 453fcc0ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_04.png deleted file mode 100644 index c303a95a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_05.png deleted file mode 100644 index 7bb1e13f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_06.png deleted file mode 100644 index f16fea76b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_07.png deleted file mode 100644 index a2d00413e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_08.png deleted file mode 100644 index 121718a60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_09.png deleted file mode 100644 index 8e0e9bd3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_10.png deleted file mode 100644 index 8ebf9fbbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_11.png deleted file mode 100644 index 73758de26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_12.png deleted file mode 100644 index 8ba368c3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_13.png deleted file mode 100644 index 454a917cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_14.png deleted file mode 100644 index 55c4f2a82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_15.png deleted file mode 100644 index 359822336..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_16.png deleted file mode 100644 index 1cf417ebb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_17.png deleted file mode 100644 index 41b2c9356..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_18.png deleted file mode 100644 index 64163c23f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_19.png deleted file mode 100644 index df3fec7aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_20.png deleted file mode 100644 index 0d8430539..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character07/0649_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_01.png deleted file mode 100644 index a5703e657..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_02.png deleted file mode 100644 index 67d00f1e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_03.png deleted file mode 100644 index fc64340f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_04.png deleted file mode 100644 index 4953b71bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_05.png deleted file mode 100644 index 713cf5a14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_06.png deleted file mode 100644 index 8c61a0773..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_07.png deleted file mode 100644 index a3f560bea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_08.png deleted file mode 100644 index c02e763e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_09.png deleted file mode 100644 index 0c2646b5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_10.png deleted file mode 100644 index 4a597ed33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_11.png deleted file mode 100644 index 4560e3ddf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_12.png deleted file mode 100644 index c8d9721e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_13.png deleted file mode 100644 index d2f260cca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_14.png deleted file mode 100644 index 7b3d7ab5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_15.png deleted file mode 100644 index 7022d5709..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_16.png deleted file mode 100644 index 6c54460aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_17.png deleted file mode 100644 index 3a4f66841..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_18.png deleted file mode 100644 index a2967eab4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_19.png deleted file mode 100644 index b089222d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_20.png deleted file mode 100644 index f9c392f15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character08/0650_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_01.png deleted file mode 100644 index 9e35b479f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_02.png deleted file mode 100644 index c807eb978..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_03.png deleted file mode 100644 index 8af8dfa08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_04.png deleted file mode 100644 index e8cc12764..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_05.png deleted file mode 100644 index 950e634b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_06.png deleted file mode 100644 index 10cccaaaf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_07.png deleted file mode 100644 index 3df64d99b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_08.png deleted file mode 100644 index b6a7ec22e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_09.png deleted file mode 100644 index d7d34af54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_10.png deleted file mode 100644 index a108a9426..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_11.png deleted file mode 100644 index 978806af9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_12.png deleted file mode 100644 index 7e896f45b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_13.png deleted file mode 100644 index a2948698d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_14.png deleted file mode 100644 index 8b80bf925..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_15.png deleted file mode 100644 index 9013d5de6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_16.png deleted file mode 100644 index 20c5874d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_17.png deleted file mode 100644 index 1f4fb6686..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_18.png deleted file mode 100644 index 14f28030d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_19.png deleted file mode 100644 index 938f6350d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_20.png deleted file mode 100644 index 5f0408497..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character09/0651_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_01.png deleted file mode 100644 index f3066986d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_02.png deleted file mode 100644 index b7b7c2506..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_03.png deleted file mode 100644 index 22bb76a0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_04.png deleted file mode 100644 index 572c9f0a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_05.png deleted file mode 100644 index d22e9688e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_06.png deleted file mode 100644 index 24cb16bcc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_07.png deleted file mode 100644 index eb68dd85e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_08.png deleted file mode 100644 index cf2a47afa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_09.png deleted file mode 100644 index 650480d17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_10.png deleted file mode 100644 index 5857dbd46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_11.png deleted file mode 100644 index 23123c553..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_12.png deleted file mode 100644 index 085e4c77f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_13.png deleted file mode 100644 index f546da684..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_14.png deleted file mode 100644 index a1eb29f48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_15.png deleted file mode 100644 index 682f7535d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_16.png deleted file mode 100644 index 4cfd8f0cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_17.png deleted file mode 100644 index 60ec1b447..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_18.png deleted file mode 100644 index f8eba8fde..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_19.png deleted file mode 100644 index 8e6250513..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_20.png deleted file mode 100644 index a00eba977..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character10/0652_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_01.png deleted file mode 100644 index 6962eb9a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_02.png deleted file mode 100644 index a47701e7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_03.png deleted file mode 100644 index 596d808ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_04.png deleted file mode 100644 index 09cf47c62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_05.png deleted file mode 100644 index 51b86e371..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_06.png deleted file mode 100644 index 655f2ffb7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_07.png deleted file mode 100644 index 8084bca58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_08.png deleted file mode 100644 index 235870e07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_09.png deleted file mode 100644 index a6929d2c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_10.png deleted file mode 100644 index 0af9deeae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_11.png deleted file mode 100644 index b471eb183..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_12.png deleted file mode 100644 index 63b405fb3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_13.png deleted file mode 100644 index ca7dfe9db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_14.png deleted file mode 100644 index 242346d24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_15.png deleted file mode 100644 index d2bb29021..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_16.png deleted file mode 100644 index b79eb8a80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_17.png deleted file mode 100644 index b7a6b77d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_18.png deleted file mode 100644 index 44fbb0287..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_19.png deleted file mode 100644 index b6b174b80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_20.png deleted file mode 100644 index 9ae2610d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character11/0653_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_01.png deleted file mode 100644 index a75a2a559..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_02.png deleted file mode 100644 index c596e77b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_03.png deleted file mode 100644 index 800ef3fcf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_04.png deleted file mode 100644 index 06312708e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_05.png deleted file mode 100644 index f76f7375c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_06.png deleted file mode 100644 index 29d2ad637..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_07.png deleted file mode 100644 index 182446dd5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_08.png deleted file mode 100644 index 69fe88786..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_09.png deleted file mode 100644 index 654241912..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_10.png deleted file mode 100644 index 65133120f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_11.png deleted file mode 100644 index a16c7886e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_12.png deleted file mode 100644 index 66cbfeded..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_13.png deleted file mode 100644 index af9b6fc92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_14.png deleted file mode 100644 index d4ff33571..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_15.png deleted file mode 100644 index acc6361c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_16.png deleted file mode 100644 index b44e6416b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_17.png deleted file mode 100644 index e5e860ced..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_18.png deleted file mode 100644 index 7af22b78f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_19.png deleted file mode 100644 index 26c2fc208..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_20.png deleted file mode 100644 index 29464df1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character12/0654_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_01.png deleted file mode 100644 index f00e3cf0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_02.png deleted file mode 100644 index adafa1278..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_03.png deleted file mode 100644 index e27e1a099..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_04.png deleted file mode 100644 index a3b54e617..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_05.png deleted file mode 100644 index c4c4291fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_06.png deleted file mode 100644 index f7b091a87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_07.png deleted file mode 100644 index d0c55d598..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_08.png deleted file mode 100644 index ac70f0329..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_09.png deleted file mode 100644 index ecbcd7991..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_10.png deleted file mode 100644 index 63dc72281..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_11.png deleted file mode 100644 index ad7ea5f2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_12.png deleted file mode 100644 index 26e809eee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_13.png deleted file mode 100644 index e731b3665..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_14.png deleted file mode 100644 index e17f14d0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_15.png deleted file mode 100644 index 786a3db30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_16.png deleted file mode 100644 index 0242c9d00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_17.png deleted file mode 100644 index 290dab5d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_18.png deleted file mode 100644 index 2164b08e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_19.png deleted file mode 100644 index 9dd8bac15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_20.png deleted file mode 100644 index 5f8503df2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character13/0655_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_01.png deleted file mode 100644 index bdf9862cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_02.png deleted file mode 100644 index e653bc348..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_03.png deleted file mode 100644 index 86005d47d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_04.png deleted file mode 100644 index e1182cc5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_05.png deleted file mode 100644 index f973a6cdd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_06.png deleted file mode 100644 index 1f168b21b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_07.png deleted file mode 100644 index 6149cb858..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_08.png deleted file mode 100644 index d0d47f0a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_09.png deleted file mode 100644 index b26fb52f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_10.png deleted file mode 100644 index 89297ded6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_11.png deleted file mode 100644 index e2d4a9272..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_12.png deleted file mode 100644 index bd67da23e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_13.png deleted file mode 100644 index c11ab2d2e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_14.png deleted file mode 100644 index ce9397b75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_15.png deleted file mode 100644 index 37f0f7c25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_16.png deleted file mode 100644 index b25fa2294..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_17.png deleted file mode 100644 index c2e9a6db9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_18.png deleted file mode 100644 index 364e9b842..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_19.png deleted file mode 100644 index d67dd326e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_20.png deleted file mode 100644 index 66552e78c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character14/0656_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_01.png deleted file mode 100644 index 0fad9f1ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_02.png deleted file mode 100644 index 4080bb9a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_03.png deleted file mode 100644 index 3758584c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_04.png deleted file mode 100644 index 149a47c23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_05.png deleted file mode 100644 index a06bcc58e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_06.png deleted file mode 100644 index a0cc43b9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_07.png deleted file mode 100644 index 82ea69946..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_08.png deleted file mode 100644 index d03fd7920..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_09.png deleted file mode 100644 index 45269a9fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_10.png deleted file mode 100644 index 2b7a63e9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_11.png deleted file mode 100644 index ece9f1164..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_12.png deleted file mode 100644 index 195167d0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_13.png deleted file mode 100644 index f095e28f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_14.png deleted file mode 100644 index cecb4c0b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_15.png deleted file mode 100644 index ad4ffe907..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_16.png deleted file mode 100644 index d6d2ef8a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_17.png deleted file mode 100644 index 595296f14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_18.png deleted file mode 100644 index 53467e10d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_19.png deleted file mode 100644 index 3347defef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_20.png deleted file mode 100644 index b827e89f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character15/0657_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_01.png deleted file mode 100644 index 2c85ee734..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_02.png deleted file mode 100644 index d9e7e51ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_03.png deleted file mode 100644 index 8887eb56d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_04.png deleted file mode 100644 index f84271935..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_05.png deleted file mode 100644 index 8f9abf397..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_06.png deleted file mode 100644 index d17482e53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_07.png deleted file mode 100644 index e9e588bfe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_08.png deleted file mode 100644 index ac63a7912..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_09.png deleted file mode 100644 index a075e2c72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_10.png deleted file mode 100644 index d936fc532..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_11.png deleted file mode 100644 index bde1528f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_12.png deleted file mode 100644 index 1d732e2a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_13.png deleted file mode 100644 index 3b47f9cac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_14.png deleted file mode 100644 index 79a66ee64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_15.png deleted file mode 100644 index fa40d54ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_16.png deleted file mode 100644 index fea24802b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_17.png deleted file mode 100644 index 534bd9b00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_18.png deleted file mode 100644 index cb8ea63fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_19.png deleted file mode 100644 index 6c529881c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_20.png deleted file mode 100644 index 4ebbf0d15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character16/0658_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_01.png deleted file mode 100644 index bcf280bed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_02.png deleted file mode 100644 index 647cc24d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_03.png deleted file mode 100644 index 38c9dc145..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_04.png deleted file mode 100644 index ff6696434..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_05.png deleted file mode 100644 index 735de19f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_06.png deleted file mode 100644 index c2e5ffd6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_07.png deleted file mode 100644 index 5257cab91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_08.png deleted file mode 100644 index 72f46bd32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_09.png deleted file mode 100644 index c9a4090b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_10.png deleted file mode 100644 index 6e6f4b539..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_11.png deleted file mode 100644 index 031ded31e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_12.png deleted file mode 100644 index 20de34676..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_13.png deleted file mode 100644 index 00fe20083..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_14.png deleted file mode 100644 index dc68e8ff8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_15.png deleted file mode 100644 index dbc239b44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_16.png deleted file mode 100644 index bc8cb00ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_17.png deleted file mode 100644 index aa13355e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_18.png deleted file mode 100644 index fbc82d0a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_19.png deleted file mode 100644 index 124a8b652..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_20.png deleted file mode 100644 index dc6d0f2c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character17/0659_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_01.png deleted file mode 100644 index 18deb3afb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_02.png deleted file mode 100644 index 0a94c5b4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_03.png deleted file mode 100644 index 3160f9b5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_04.png deleted file mode 100644 index 7879abf7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_05.png deleted file mode 100644 index e573ab819..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_06.png deleted file mode 100644 index 18126ab41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_07.png deleted file mode 100644 index a4a350e66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_08.png deleted file mode 100644 index 74d48b86c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_09.png deleted file mode 100644 index 8a133a5e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_10.png deleted file mode 100644 index 8e808f53d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_11.png deleted file mode 100644 index 9196e7f51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_12.png deleted file mode 100644 index d5421914e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_13.png deleted file mode 100644 index b78e8c56d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_14.png deleted file mode 100644 index 5d5ffcd4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_15.png deleted file mode 100644 index 4a79d1186..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_16.png deleted file mode 100644 index 24c00407a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_17.png deleted file mode 100644 index 5c3706782..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_18.png deleted file mode 100644 index 7bb3ea030..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_19.png deleted file mode 100644 index 84edf6ba3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_20.png deleted file mode 100644 index a4ae00397..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character18/0660_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_01.png deleted file mode 100644 index 499ead63e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_02.png deleted file mode 100644 index 4e64b07a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_03.png deleted file mode 100644 index a35d3f5b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_04.png deleted file mode 100644 index 3d6f8c682..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_05.png deleted file mode 100644 index 72386accb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_06.png deleted file mode 100644 index dd7ddce87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_07.png deleted file mode 100644 index a58498330..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_08.png deleted file mode 100644 index 26b3ab863..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_09.png deleted file mode 100644 index ffb555b8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_10.png deleted file mode 100644 index 3b6553a5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_11.png deleted file mode 100644 index c008db787..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_12.png deleted file mode 100644 index 91521517c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_13.png deleted file mode 100644 index 854bdee3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_14.png deleted file mode 100644 index bde856261..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_15.png deleted file mode 100644 index f68ff0824..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_16.png deleted file mode 100644 index a43a22280..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_17.png deleted file mode 100644 index 9e9ed4aa5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_18.png deleted file mode 100644 index c01f0903b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_19.png deleted file mode 100644 index 3fb0914d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_20.png deleted file mode 100644 index e9a9fcb7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character19/0661_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_01.png deleted file mode 100644 index 30842b4c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_02.png deleted file mode 100644 index d239cf2fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_03.png deleted file mode 100644 index dc6ca0e63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_04.png deleted file mode 100644 index bf24ce898..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_05.png deleted file mode 100644 index b58e6fc6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_06.png deleted file mode 100644 index 8cb95238e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_07.png deleted file mode 100644 index 19e35b5a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_08.png deleted file mode 100644 index 62ccf0b68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_09.png deleted file mode 100644 index 8940898a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_10.png deleted file mode 100644 index e9878e3a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_11.png deleted file mode 100644 index 6a76cf472..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_12.png deleted file mode 100644 index 91b0060be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_13.png deleted file mode 100644 index e1eaf9cd1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_14.png deleted file mode 100644 index 757fe0d61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_15.png deleted file mode 100644 index a2368a51c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_16.png deleted file mode 100644 index 169e7ae1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_17.png deleted file mode 100644 index 578b3aad7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_18.png deleted file mode 100644 index 4da620560..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_19.png deleted file mode 100644 index 6e9476d7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_20.png deleted file mode 100644 index 2e357f856..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character20/0662_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_01.png deleted file mode 100644 index f0e4ebc0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_02.png deleted file mode 100644 index 2b92c8279..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_03.png deleted file mode 100644 index 68983b178..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_04.png deleted file mode 100644 index 2ae08c9c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_05.png deleted file mode 100644 index e3331646f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_06.png deleted file mode 100644 index 1a6c5240c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_07.png deleted file mode 100644 index becb07cee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_08.png deleted file mode 100644 index 7421f32ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_09.png deleted file mode 100644 index 75c3cf20b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_10.png deleted file mode 100644 index 4af4e34dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_11.png deleted file mode 100644 index 511f6d47a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_12.png deleted file mode 100644 index f7befc6ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_13.png deleted file mode 100644 index dddcfb4ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_14.png deleted file mode 100644 index 067b7a5cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_15.png deleted file mode 100644 index 675935b71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_16.png deleted file mode 100644 index 86fbd36bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_17.png deleted file mode 100644 index 914c65fd5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_18.png deleted file mode 100644 index f306297df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_19.png deleted file mode 100644 index aa559accf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_20.png deleted file mode 100644 index 0122a7493..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character21/0663_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_01.png deleted file mode 100644 index 320abd756..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_02.png deleted file mode 100644 index 5f2674e2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_03.png deleted file mode 100644 index f6ebd6764..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_04.png deleted file mode 100644 index 1b70a0d02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_05.png deleted file mode 100644 index c323925bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_06.png deleted file mode 100644 index 93a34bc3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_07.png deleted file mode 100644 index a90f026d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_08.png deleted file mode 100644 index e750c4904..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_09.png deleted file mode 100644 index 7b309706c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_10.png deleted file mode 100644 index 7c5ef5814..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_11.png deleted file mode 100644 index 0d23c56cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_12.png deleted file mode 100644 index 8fc40e120..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_13.png deleted file mode 100644 index f5a29a18f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_14.png deleted file mode 100644 index 11e6a6ab2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_15.png deleted file mode 100644 index ccc1d08d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_16.png deleted file mode 100644 index d014c7a84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_17.png deleted file mode 100644 index e47fa8d65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_18.png deleted file mode 100644 index 7ce000e7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_19.png deleted file mode 100644 index eeb0ad582..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_20.png deleted file mode 100644 index 003c1318c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character22/0664_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_01.png deleted file mode 100644 index 514d64d33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_02.png deleted file mode 100644 index 5ec3ada81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_03.png deleted file mode 100644 index 93fd0d6a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_04.png deleted file mode 100644 index 449103d2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_05.png deleted file mode 100644 index 251ad280e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_06.png deleted file mode 100644 index fa30c31f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_07.png deleted file mode 100644 index f2e984094..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_08.png deleted file mode 100644 index 1e0ad8a62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_09.png deleted file mode 100644 index 34f47a6cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_10.png deleted file mode 100644 index df3b9a9b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_11.png deleted file mode 100644 index f8321b12c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_12.png deleted file mode 100644 index 6d16394a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_13.png deleted file mode 100644 index 2a3339cdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_14.png deleted file mode 100644 index 2a7965318..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_15.png deleted file mode 100644 index dd1f9e17f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_16.png deleted file mode 100644 index c86d85b34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_17.png deleted file mode 100644 index 9672d937b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_18.png deleted file mode 100644 index 9d922577f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_19.png deleted file mode 100644 index 28eb97621..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_20.png deleted file mode 100644 index 61db7a374..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character23/0665_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_01.png deleted file mode 100644 index 12abee2fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_02.png deleted file mode 100644 index 24588c4be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_03.png deleted file mode 100644 index 76ee20257..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_04.png deleted file mode 100644 index 6f39d7d0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_05.png deleted file mode 100644 index 7d4710abe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_06.png deleted file mode 100644 index a6fa4af82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_07.png deleted file mode 100644 index 4050fe9c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_08.png deleted file mode 100644 index e22fab80b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_09.png deleted file mode 100644 index a2de34771..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_10.png deleted file mode 100644 index 214a2e023..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_11.png deleted file mode 100644 index 4766e4355..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_12.png deleted file mode 100644 index 40a82fc29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_13.png deleted file mode 100644 index b1aab0bd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_14.png deleted file mode 100644 index 39e37e1d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_15.png deleted file mode 100644 index 45c3b7cb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_16.png deleted file mode 100644 index 5602da6dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_17.png deleted file mode 100644 index e24891091..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_18.png deleted file mode 100644 index fe49aad8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_19.png deleted file mode 100644 index 940c784b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_20.png deleted file mode 100644 index 62a809130..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character24/0666_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_01.png deleted file mode 100644 index a4469e73c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_02.png deleted file mode 100644 index cdca76ad2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_03.png deleted file mode 100644 index 500717abf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_04.png deleted file mode 100644 index becb3df2e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_05.png deleted file mode 100644 index fe2a49c70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_06.png deleted file mode 100644 index da43de5ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_07.png deleted file mode 100644 index bbe4c0bf7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_08.png deleted file mode 100644 index 021d36513..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_09.png deleted file mode 100644 index 7c0a64212..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_10.png deleted file mode 100644 index 1ee657cbc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_11.png deleted file mode 100644 index b788bd85c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_12.png deleted file mode 100644 index 6f4de113b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_13.png deleted file mode 100644 index 395d117a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_14.png deleted file mode 100644 index f08851765..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_15.png deleted file mode 100644 index 7a993e866..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_16.png deleted file mode 100644 index 9df3f9558..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_17.png deleted file mode 100644 index d98cedef5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_18.png deleted file mode 100644 index 39ce8fac9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_19.png deleted file mode 100644 index 7e80a2e65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_20.png deleted file mode 100644 index a6dc85bf3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character25/0667_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_01.png deleted file mode 100644 index 667896ec2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_02.png deleted file mode 100644 index 4dab59c52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_03.png deleted file mode 100644 index dafeb4735..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_04.png deleted file mode 100644 index d1d308517..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_05.png deleted file mode 100644 index 4b60dd006..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_06.png deleted file mode 100644 index ba62af93f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_07.png deleted file mode 100644 index b8318e08e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_08.png deleted file mode 100644 index 285b8f7e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_09.png deleted file mode 100644 index dd3665f73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_10.png deleted file mode 100644 index c7c97fd64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_11.png deleted file mode 100644 index 0990f85e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_12.png deleted file mode 100644 index e317f778b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_13.png deleted file mode 100644 index f4b0b8c40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_14.png deleted file mode 100644 index 8ce296054..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_15.png deleted file mode 100644 index 55ff2a4ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_16.png deleted file mode 100644 index 93f3417c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_17.png deleted file mode 100644 index f8bcb57fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_18.png deleted file mode 100644 index c3e5e622b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_19.png deleted file mode 100644 index 9931bc670..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_20.png deleted file mode 100644 index 84cf01285..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character26/0668_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_01.png deleted file mode 100644 index 6e9ab4b55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_02.png deleted file mode 100644 index 43b8dea5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_03.png deleted file mode 100644 index a2eff5ed8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_04.png deleted file mode 100644 index 63d8bc0de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_05.png deleted file mode 100644 index 953cd5084..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_06.png deleted file mode 100644 index a5c3f4165..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_07.png deleted file mode 100644 index 622cda44f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_08.png deleted file mode 100644 index 2cb2eb37c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_09.png deleted file mode 100644 index b25eade32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_10.png deleted file mode 100644 index 75b20b704..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_11.png deleted file mode 100644 index 44dbde89c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_12.png deleted file mode 100644 index bb11d6335..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_13.png deleted file mode 100644 index c4ed6fcc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_14.png deleted file mode 100644 index ef5218519..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_15.png deleted file mode 100644 index a622d76a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_16.png deleted file mode 100644 index cc2537632..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_17.png deleted file mode 100644 index d00106ca8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_18.png deleted file mode 100644 index a9c64a826..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_19.png deleted file mode 100644 index 6771210cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_20.png deleted file mode 100644 index ab774aea8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character27/0669_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_01.png deleted file mode 100644 index ff3a0c7e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_02.png deleted file mode 100644 index b9566fbec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_03.png deleted file mode 100644 index 1fd77c8b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_04.png deleted file mode 100644 index 43d0d52ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_05.png deleted file mode 100644 index c4030914d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_06.png deleted file mode 100644 index 7d4101e5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_07.png deleted file mode 100644 index 49e256e08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_08.png deleted file mode 100644 index 41985417e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_09.png deleted file mode 100644 index 73888f5f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_10.png deleted file mode 100644 index f8f73d0b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_11.png deleted file mode 100644 index 873876fce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_12.png deleted file mode 100644 index fcdaf460b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_13.png deleted file mode 100644 index 6f9623e4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_14.png deleted file mode 100644 index a7872b2c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_15.png deleted file mode 100644 index 1d8e20ad6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_16.png deleted file mode 100644 index aec07c997..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_17.png deleted file mode 100644 index fe92bf547..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_18.png deleted file mode 100644 index a2613a1d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_19.png deleted file mode 100644 index 0a738c07e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_20.png deleted file mode 100644 index c693fdb81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character28/0670_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_01.png deleted file mode 100644 index dbc29b15f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_02.png deleted file mode 100644 index 1b8d0c42a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_03.png deleted file mode 100644 index 9d7973ede..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_04.png deleted file mode 100644 index 866aa634c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_05.png deleted file mode 100644 index 63c6956f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_06.png deleted file mode 100644 index aab3534b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_07.png deleted file mode 100644 index 4455cc5d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_08.png deleted file mode 100644 index e872ea7bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_09.png deleted file mode 100644 index 1c00d4b1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_10.png deleted file mode 100644 index 213bebbd1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_11.png deleted file mode 100644 index bd1c89343..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_12.png deleted file mode 100644 index 0d461d8cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_13.png deleted file mode 100644 index ef7f7231c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_14.png deleted file mode 100644 index 628fee23f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_15.png deleted file mode 100644 index 3f1bca898..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_16.png deleted file mode 100644 index 856842b7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_17.png deleted file mode 100644 index f0e988969..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_18.png deleted file mode 100644 index d5514d5a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_19.png deleted file mode 100644 index fa76ce8c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_20.png deleted file mode 100644 index 323815e8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character29/0671_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_01.png deleted file mode 100644 index b8088ebb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_02.png deleted file mode 100644 index af44d1480..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_03.png deleted file mode 100644 index a5edf3d95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_04.png deleted file mode 100644 index f35aa0e7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_05.png deleted file mode 100644 index 540c4f67b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_06.png deleted file mode 100644 index 762692801..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_07.png deleted file mode 100644 index 9bd15e6e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_08.png deleted file mode 100644 index 250fbee1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_09.png deleted file mode 100644 index 62e610b59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_10.png deleted file mode 100644 index 86cb61c3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_11.png deleted file mode 100644 index a864171fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_12.png deleted file mode 100644 index 15aef1e95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_13.png deleted file mode 100644 index 3063630e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_14.png deleted file mode 100644 index 39e5893ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_15.png deleted file mode 100644 index 8dbcd614f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_16.png deleted file mode 100644 index d5568e53f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_17.png deleted file mode 100644 index 43336ac40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_18.png deleted file mode 100644 index 1512397d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_19.png deleted file mode 100644 index e8d826133..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_20.png deleted file mode 100644 index b2063c3b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character30/0672_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_01.png deleted file mode 100644 index e823a48cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_02.png deleted file mode 100644 index 57340f363..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_03.png deleted file mode 100644 index fc89154a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_04.png deleted file mode 100644 index 76f9faaf8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_05.png deleted file mode 100644 index 4a53496aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_06.png deleted file mode 100644 index 2f7967751..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_07.png deleted file mode 100644 index e504977b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_08.png deleted file mode 100644 index aa885c7ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_09.png deleted file mode 100644 index 2266c2230..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_10.png deleted file mode 100644 index 62e1df3f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_11.png deleted file mode 100644 index 61c531234..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_12.png deleted file mode 100644 index d9fbaf233..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_13.png deleted file mode 100644 index 883940ce1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_14.png deleted file mode 100644 index 58b854330..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_15.png deleted file mode 100644 index c45e6000d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_16.png deleted file mode 100644 index 58e36b53e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_17.png deleted file mode 100644 index e5462fd3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_18.png deleted file mode 100644 index 1aca86b42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_19.png deleted file mode 100644 index 992b52f93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_20.png deleted file mode 100644 index 24dfb2ef5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character31/0673_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_01.png deleted file mode 100644 index 0f327d3a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_02.png deleted file mode 100644 index b3db39353..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_03.png deleted file mode 100644 index 2f1893e86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_04.png deleted file mode 100644 index 5ef3b852e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_05.png deleted file mode 100644 index 21b385c96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_06.png deleted file mode 100644 index fc1eee1fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_07.png deleted file mode 100644 index afaa6bfe6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_08.png deleted file mode 100644 index 7da5c981d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_09.png deleted file mode 100644 index bc5e38782..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_10.png deleted file mode 100644 index 4bcdf6276..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_11.png deleted file mode 100644 index 8ab6ce8c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_12.png deleted file mode 100644 index 66f808263..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_13.png deleted file mode 100644 index 7f953ad71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_14.png deleted file mode 100644 index 1c0c41ac8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_15.png deleted file mode 100644 index a4c7ad05a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_16.png deleted file mode 100644 index 65a2cb1bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_17.png deleted file mode 100644 index acd07e0d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_18.png deleted file mode 100644 index a3321804c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_19.png deleted file mode 100644 index e7d8f8e62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_20.png deleted file mode 100644 index 3b7267913..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character32/0674_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_01.png deleted file mode 100644 index c755f393f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_02.png deleted file mode 100644 index 356da9fd4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_03.png deleted file mode 100644 index 0cf3f763d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_04.png deleted file mode 100644 index 9b756f15e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_05.png deleted file mode 100644 index 68f8b1d4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_06.png deleted file mode 100644 index 5c6ae4e92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_07.png deleted file mode 100644 index 1743288c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_08.png deleted file mode 100644 index 7dd5c7df5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_09.png deleted file mode 100644 index 46eaa318e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_10.png deleted file mode 100644 index 5691d2eff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_11.png deleted file mode 100644 index 9e3a1bfc8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_12.png deleted file mode 100644 index facb81fbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_13.png deleted file mode 100644 index d82f9b2b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_14.png deleted file mode 100644 index d893bd42f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_15.png deleted file mode 100644 index 2ddffff2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_16.png deleted file mode 100644 index 42d8411e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_17.png deleted file mode 100644 index c3f95ed82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_18.png deleted file mode 100644 index c68eb802b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_19.png deleted file mode 100644 index 8be56e92e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_20.png deleted file mode 100644 index 26a30ec39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character33/0675_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_01.png deleted file mode 100644 index 25fdbb815..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_02.png deleted file mode 100644 index 8c180f719..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_03.png deleted file mode 100644 index ddaaab055..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_04.png deleted file mode 100644 index e9ecdb0ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_05.png deleted file mode 100644 index f4868e029..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_06.png deleted file mode 100644 index c767dff41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_07.png deleted file mode 100644 index 3cdc2ea2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_08.png deleted file mode 100644 index efcef0b08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_09.png deleted file mode 100644 index 7305e9646..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_10.png deleted file mode 100644 index 81359813c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_11.png deleted file mode 100644 index da93d53c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_12.png deleted file mode 100644 index 7b03818b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_13.png deleted file mode 100644 index cee43d091..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_14.png deleted file mode 100644 index ac9947079..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_15.png deleted file mode 100644 index ee3243414..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_16.png deleted file mode 100644 index 0718effa6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_17.png deleted file mode 100644 index 17b828406..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_18.png deleted file mode 100644 index a3577b244..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_19.png deleted file mode 100644 index f3497d542..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_20.png deleted file mode 100644 index 1c9a0d919..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character34/0676_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_01.png deleted file mode 100644 index 700e2ce38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_02.png deleted file mode 100644 index 51352e5c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_03.png deleted file mode 100644 index 713ef5d91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_04.png deleted file mode 100644 index fe0f5af12..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_05.png deleted file mode 100644 index 345555ba5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_06.png deleted file mode 100644 index 0a697c1f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_07.png deleted file mode 100644 index a6cbadf7b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_08.png deleted file mode 100644 index 4a846cf0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_09.png deleted file mode 100644 index a1f64c7e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_10.png deleted file mode 100644 index 63586bd52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_11.png deleted file mode 100644 index 3645b0821..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_12.png deleted file mode 100644 index 1c6e1de73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_13.png deleted file mode 100644 index d0a6e38bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_14.png deleted file mode 100644 index 0c05d9e95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_15.png deleted file mode 100644 index d4382a959..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_16.png deleted file mode 100644 index fd416022a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_17.png deleted file mode 100644 index ba4de4e61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_18.png deleted file mode 100644 index 0e0d63f7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_19.png deleted file mode 100644 index edaab7a2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_20.png deleted file mode 100644 index 3c3c72168..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character35/0677_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_01.png deleted file mode 100644 index b52076b43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_02.png deleted file mode 100644 index cd2d96113..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_03.png deleted file mode 100644 index 7e499dc57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_04.png deleted file mode 100644 index 25c5e3f0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_05.png deleted file mode 100644 index 52a946669..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_06.png deleted file mode 100644 index d4d0814c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_07.png deleted file mode 100644 index 0b4957529..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_08.png deleted file mode 100644 index 3556644a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_09.png deleted file mode 100644 index ca16fa4ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_10.png deleted file mode 100644 index 9d37d52a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_11.png deleted file mode 100644 index e39e81a5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_12.png deleted file mode 100644 index cbb1b3bf0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_13.png deleted file mode 100644 index 7a95acc0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_14.png deleted file mode 100644 index 68317324a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_15.png deleted file mode 100644 index 05f665b62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_16.png deleted file mode 100644 index 4c1790246..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_17.png deleted file mode 100644 index e35944aca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_18.png deleted file mode 100644 index c9bb58ed0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_19.png deleted file mode 100644 index 8d5ce2d70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_20.png deleted file mode 100644 index 257adf658..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character36/0678_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_01.png deleted file mode 100644 index 66874421a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_02.png deleted file mode 100644 index eb9b83e16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_03.png deleted file mode 100644 index 2f940ba4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_04.png deleted file mode 100644 index 1e4487fce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_05.png deleted file mode 100644 index 5c01ec083..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_06.png deleted file mode 100644 index ea3fa71e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_07.png deleted file mode 100644 index cc2497b47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_08.png deleted file mode 100644 index f3ea4b684..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_09.png deleted file mode 100644 index 07c40a879..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_10.png deleted file mode 100644 index d34f8ab26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_11.png deleted file mode 100644 index 4e618415c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_12.png deleted file mode 100644 index 9a42b3446..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_13.png deleted file mode 100644 index 796f15493..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_14.png deleted file mode 100644 index 5342e91bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_15.png deleted file mode 100644 index 40cbef58c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_16.png deleted file mode 100644 index aa300fdab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_17.png deleted file mode 100644 index f9cbbc4f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_18.png deleted file mode 100644 index 2a55645db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_19.png deleted file mode 100644 index 71221eaff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_20.png deleted file mode 100644 index 8b9f6b130..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character37/0679_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_01.png deleted file mode 100644 index dadfca27d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_02.png deleted file mode 100644 index de822ea72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_03.png deleted file mode 100644 index 85203da09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_04.png deleted file mode 100644 index 5a4fa05d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_05.png deleted file mode 100644 index e67de0795..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_06.png deleted file mode 100644 index a61b44685..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_07.png deleted file mode 100644 index f1cf5eeb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_08.png deleted file mode 100644 index 60925f63b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_09.png deleted file mode 100644 index b3bd9950a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_10.png deleted file mode 100644 index 579be968e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_11.png deleted file mode 100644 index b3fff1be1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_12.png deleted file mode 100644 index 68ab45ce1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_13.png deleted file mode 100644 index 40dac8dc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_14.png deleted file mode 100644 index ba5523276..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_15.png deleted file mode 100644 index 352f2afcc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_16.png deleted file mode 100644 index 302c17f2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_17.png deleted file mode 100644 index d0c7bf5b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_18.png deleted file mode 100644 index 5e83af0d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_19.png deleted file mode 100644 index 9960f7e17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_20.png deleted file mode 100644 index 4cea4ccef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character38/0680_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_01.png deleted file mode 100644 index 48e9e060c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_02.png deleted file mode 100644 index db7ff7961..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_03.png deleted file mode 100644 index c2cf6553e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_04.png deleted file mode 100644 index 5292045b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_05.png deleted file mode 100644 index 91d6c4c88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_06.png deleted file mode 100644 index 3e51e7ed6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_07.png deleted file mode 100644 index 61e1ef66d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_08.png deleted file mode 100644 index 5db233160..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_09.png deleted file mode 100644 index ac3abfccc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_10.png deleted file mode 100644 index 04a436b69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_11.png deleted file mode 100644 index 63edff29d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_12.png deleted file mode 100644 index cf436da9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_13.png deleted file mode 100644 index 94cd5f928..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_14.png deleted file mode 100644 index 8690cf6c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_15.png deleted file mode 100644 index 2faed923d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_16.png deleted file mode 100644 index bb700d3f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_17.png deleted file mode 100644 index da23c1b9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_18.png deleted file mode 100644 index a174b5416..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_19.png deleted file mode 100644 index bef69d7b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_20.png deleted file mode 100644 index 0a2cae27e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character39/0681_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_01.png deleted file mode 100644 index 3e67cfe0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_02.png deleted file mode 100644 index a52f5c738..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_03.png deleted file mode 100644 index f8138f114..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_04.png deleted file mode 100644 index fe6bfb44b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_05.png deleted file mode 100644 index 99f30c5ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_06.png deleted file mode 100644 index 1ebce1474..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_07.png deleted file mode 100644 index a812ec16c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_08.png deleted file mode 100644 index e4938f6b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_09.png deleted file mode 100644 index 9e51df34e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_10.png deleted file mode 100644 index b26a97289..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_11.png deleted file mode 100644 index 1ed6ba985..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_12.png deleted file mode 100644 index 8b2422acd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_13.png deleted file mode 100644 index 6637895ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_14.png deleted file mode 100644 index 717de64ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_15.png deleted file mode 100644 index 29c22a7b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_16.png deleted file mode 100644 index 6c68b398c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_17.png deleted file mode 100644 index 151ef0577..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_18.png deleted file mode 100644 index f36dbe9f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_19.png deleted file mode 100644 index d312c77bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_20.png deleted file mode 100644 index 17fed4fa0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Korean/character40/0682_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_01.png deleted file mode 100644 index e69bd3464..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_02.png deleted file mode 100644 index 3fee4d34e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_03.png deleted file mode 100644 index 1f449b381..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_04.png deleted file mode 100644 index 9102d72da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_05.png deleted file mode 100644 index e1ddb52a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_06.png deleted file mode 100644 index 3a0209945..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_07.png deleted file mode 100644 index 0cbe27800..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_08.png deleted file mode 100644 index 45448ab14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_09.png deleted file mode 100644 index c3f95b579..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_10.png deleted file mode 100644 index 19c63a956..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_11.png deleted file mode 100644 index cb4b19897..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_12.png deleted file mode 100644 index 5d2886aba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_13.png deleted file mode 100644 index 6e799d002..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_14.png deleted file mode 100644 index d6727531f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_15.png deleted file mode 100644 index 6ea6b374b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_16.png deleted file mode 100644 index 20c6649f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_17.png deleted file mode 100644 index 940d500e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_18.png deleted file mode 100644 index 638f9ecec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_19.png deleted file mode 100644 index 8bcc69158..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_20.png deleted file mode 100644 index 5f32e2abd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character01/0683_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_01.png deleted file mode 100644 index 1a72b1752..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_02.png deleted file mode 100644 index fa6d1072e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_03.png deleted file mode 100644 index a91263650..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_04.png deleted file mode 100644 index 588e3fbc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_05.png deleted file mode 100644 index 74e265050..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_06.png deleted file mode 100644 index be8c7927d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_07.png deleted file mode 100644 index e829c8170..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_08.png deleted file mode 100644 index 27432a6cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_09.png deleted file mode 100644 index 97bb72e76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_10.png deleted file mode 100644 index d07b0ac6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_11.png deleted file mode 100644 index 8ac06029e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_12.png deleted file mode 100644 index 4f5d9e023..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_13.png deleted file mode 100644 index f6ac58e28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_14.png deleted file mode 100644 index ff7360f24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_15.png deleted file mode 100644 index ecaa6c237..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_16.png deleted file mode 100644 index f36cb5f00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_17.png deleted file mode 100644 index d1304a0d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_18.png deleted file mode 100644 index fa7fbf29e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_19.png deleted file mode 100644 index 3a0f3946f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_20.png deleted file mode 100644 index 75b4abc62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character02/0684_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_01.png deleted file mode 100644 index 35865bdd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_02.png deleted file mode 100644 index c007d16b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_03.png deleted file mode 100644 index 0a3a926ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_04.png deleted file mode 100644 index 88abbdbd2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_05.png deleted file mode 100644 index b8dc93aa7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_06.png deleted file mode 100644 index 6107eb481..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_07.png deleted file mode 100644 index 6b5cdd501..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_08.png deleted file mode 100644 index 2d53032ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_09.png deleted file mode 100644 index 90d41cea1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_10.png deleted file mode 100644 index 567cb7287..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_11.png deleted file mode 100644 index c589c1ef8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_12.png deleted file mode 100644 index 1eb6ef4e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_13.png deleted file mode 100644 index b9946d898..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_14.png deleted file mode 100644 index 037eb30f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_15.png deleted file mode 100644 index 2e1c33739..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_16.png deleted file mode 100644 index a08c51dfc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_17.png deleted file mode 100644 index aa1d6156e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_18.png deleted file mode 100644 index 3d211342d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_19.png deleted file mode 100644 index 6c26a2b01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_20.png deleted file mode 100644 index d634a1a59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character03/0685_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_01.png deleted file mode 100644 index c5aba2876..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_02.png deleted file mode 100644 index 6664307a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_03.png deleted file mode 100644 index 97c802352..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_04.png deleted file mode 100644 index e6907a810..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_05.png deleted file mode 100644 index 7815eee0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_06.png deleted file mode 100644 index d2de12153..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_07.png deleted file mode 100644 index 3a6a15519..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_08.png deleted file mode 100644 index 662e2b86c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_09.png deleted file mode 100644 index 736699ea3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_10.png deleted file mode 100644 index 2884c7400..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_11.png deleted file mode 100644 index dc59e5814..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_12.png deleted file mode 100644 index aea6d99f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_13.png deleted file mode 100644 index 26f535d8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_14.png deleted file mode 100644 index f17fc4cac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_15.png deleted file mode 100644 index 85ab2132b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_16.png deleted file mode 100644 index 6a6f1482f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_17.png deleted file mode 100644 index 7e1971385..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_18.png deleted file mode 100644 index cc8021214..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_19.png deleted file mode 100644 index 14cc28e64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_20.png deleted file mode 100644 index 3247a4353..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character04/0686_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_01.png deleted file mode 100644 index 3973835f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_02.png deleted file mode 100644 index 5d3abf395..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_03.png deleted file mode 100644 index 25c383cbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_04.png deleted file mode 100644 index 13f289ebb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_05.png deleted file mode 100644 index f3d07838d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_06.png deleted file mode 100644 index a2f84c701..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_07.png deleted file mode 100644 index 7bcde3658..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_08.png deleted file mode 100644 index d42b9361d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_09.png deleted file mode 100644 index d49500ddb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_10.png deleted file mode 100644 index b8e6be056..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_11.png deleted file mode 100644 index d86848244..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_12.png deleted file mode 100644 index 2a51d9f19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_13.png deleted file mode 100644 index 1d5f1c984..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_14.png deleted file mode 100644 index 01fe22088..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_15.png deleted file mode 100644 index af886c20e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_16.png deleted file mode 100644 index 09c8f2cd5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_17.png deleted file mode 100644 index a05385f52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_18.png deleted file mode 100644 index ecc77c497..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_19.png deleted file mode 100644 index ed8a4c3f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_20.png deleted file mode 100644 index 7f4ef3432..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character05/0687_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_01.png deleted file mode 100644 index 436d98477..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_02.png deleted file mode 100644 index 39e9f2a05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_03.png deleted file mode 100644 index ee6acb28c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_04.png deleted file mode 100644 index 775fa5edd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_05.png deleted file mode 100644 index d302caabe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_06.png deleted file mode 100644 index 50a30a6e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_07.png deleted file mode 100644 index f6b0fc971..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_08.png deleted file mode 100644 index ecc9f55b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_09.png deleted file mode 100644 index 1c7081d84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_10.png deleted file mode 100644 index 0b6746b1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_11.png deleted file mode 100644 index 27e78a90c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_12.png deleted file mode 100644 index a080e1600..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_13.png deleted file mode 100644 index f7b5d734f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_14.png deleted file mode 100644 index 1a5de142c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_15.png deleted file mode 100644 index 50ddde463..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_16.png deleted file mode 100644 index 2e33a5be6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_17.png deleted file mode 100644 index bf8bc5ab4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_18.png deleted file mode 100644 index db1863feb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_19.png deleted file mode 100644 index b1fda474e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_20.png deleted file mode 100644 index 2499888ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character06/0688_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_01.png deleted file mode 100644 index 35d510007..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_02.png deleted file mode 100644 index c5ec50e03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_03.png deleted file mode 100644 index 75808c214..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_04.png deleted file mode 100644 index 3ce881fbb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_05.png deleted file mode 100644 index 256ee954a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_06.png deleted file mode 100644 index 70b449e80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_07.png deleted file mode 100644 index b03c1b4c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_08.png deleted file mode 100644 index f6734a3bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_09.png deleted file mode 100644 index 48a3e4015..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_10.png deleted file mode 100644 index bee64536d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_11.png deleted file mode 100644 index 1c3988f57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_12.png deleted file mode 100644 index 6b1914737..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_13.png deleted file mode 100644 index 076148d88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_14.png deleted file mode 100644 index e674160e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_15.png deleted file mode 100644 index 0824078d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_16.png deleted file mode 100644 index 18a9edbf4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_17.png deleted file mode 100644 index 2eb84244a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_18.png deleted file mode 100644 index 6bad0f1e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_19.png deleted file mode 100644 index 60874e574..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_20.png deleted file mode 100644 index ae9b43915..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character07/0689_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_01.png deleted file mode 100644 index dfb31283a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_02.png deleted file mode 100644 index a4cca2f7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_03.png deleted file mode 100644 index 37368bdac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_04.png deleted file mode 100644 index ff176d982..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_05.png deleted file mode 100644 index 3c82ca9d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_06.png deleted file mode 100644 index fca0c1818..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_07.png deleted file mode 100644 index ff34e5c88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_08.png deleted file mode 100644 index d35640aa4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_09.png deleted file mode 100644 index 9cdc81175..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_10.png deleted file mode 100644 index a16f3bfec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_11.png deleted file mode 100644 index 14eb67e9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_12.png deleted file mode 100644 index ab5580fd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_13.png deleted file mode 100644 index f81f6eb98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_14.png deleted file mode 100644 index 303c2dd25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_15.png deleted file mode 100644 index 439c012db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_16.png deleted file mode 100644 index 887f250b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_17.png deleted file mode 100644 index 683ead1fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_18.png deleted file mode 100644 index 9133a755c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_19.png deleted file mode 100644 index 4561cf3b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_20.png deleted file mode 100644 index 2cb2bd374..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character08/0690_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_01.png deleted file mode 100644 index 118e3c802..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_02.png deleted file mode 100644 index 570b10a86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_03.png deleted file mode 100644 index 48973b7d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_04.png deleted file mode 100644 index 086a98304..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_05.png deleted file mode 100644 index 7559e2392..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_06.png deleted file mode 100644 index 2223f7da0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_07.png deleted file mode 100644 index a369b4332..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_08.png deleted file mode 100644 index a6865f6f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_09.png deleted file mode 100644 index 4a12afccf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_10.png deleted file mode 100644 index 104bf4140..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_11.png deleted file mode 100644 index ec3b63ad0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_12.png deleted file mode 100644 index e24bd5b8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_13.png deleted file mode 100644 index d8d5ad277..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_14.png deleted file mode 100644 index 83e5a5de0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_15.png deleted file mode 100644 index 56848aca5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_16.png deleted file mode 100644 index d6d0ec59c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_17.png deleted file mode 100644 index 891f09e0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_18.png deleted file mode 100644 index e8c79638d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_19.png deleted file mode 100644 index 3698d2b31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_20.png deleted file mode 100644 index b6ace9541..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character09/0691_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_01.png deleted file mode 100644 index d51dd9310..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_02.png deleted file mode 100644 index 0fb306e9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_03.png deleted file mode 100644 index e6e8ca661..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_04.png deleted file mode 100644 index c1d8929e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_05.png deleted file mode 100644 index b4ab5b0a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_06.png deleted file mode 100644 index 94ac6a7df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_07.png deleted file mode 100644 index b25cad40e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_08.png deleted file mode 100644 index 605b3f37c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_09.png deleted file mode 100644 index ea3392d0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_10.png deleted file mode 100644 index 469e709b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_11.png deleted file mode 100644 index dcbc2dd7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_12.png deleted file mode 100644 index 717f15dbb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_13.png deleted file mode 100644 index 18bcecdfc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_14.png deleted file mode 100644 index c705d0b43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_15.png deleted file mode 100644 index 3b6f1143b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_16.png deleted file mode 100644 index 9da51e85b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_17.png deleted file mode 100644 index a0370ba23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_18.png deleted file mode 100644 index ed3a025c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_19.png deleted file mode 100644 index 1ea6918ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_20.png deleted file mode 100644 index 9db683fe8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character10/0692_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_01.png deleted file mode 100644 index b33cc48b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_02.png deleted file mode 100644 index d3fdec240..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_03.png deleted file mode 100644 index 97f7f5266..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_04.png deleted file mode 100644 index 2443fa426..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_05.png deleted file mode 100644 index fbaa1c9e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_06.png deleted file mode 100644 index beb1cc4b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_07.png deleted file mode 100644 index a20c3df6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_08.png deleted file mode 100644 index c0cefe3f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_09.png deleted file mode 100644 index 80cd57307..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_10.png deleted file mode 100644 index 5352023c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_11.png deleted file mode 100644 index d3f30ac78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_12.png deleted file mode 100644 index 0b7f0966f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_13.png deleted file mode 100644 index 0f6dfb271..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_14.png deleted file mode 100644 index 2789f2797..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_15.png deleted file mode 100644 index daa9b8eaa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_16.png deleted file mode 100644 index 91bf59bc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_17.png deleted file mode 100644 index c475bbb95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_18.png deleted file mode 100644 index efd2dc3de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_19.png deleted file mode 100644 index 1135631c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_20.png deleted file mode 100644 index abec8effd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character11/0693_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_01.png deleted file mode 100644 index fa42a3292..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_02.png deleted file mode 100644 index 5c408283f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_03.png deleted file mode 100644 index 46ca29f9d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_04.png deleted file mode 100644 index 88d9b3e4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_05.png deleted file mode 100644 index 48ac937bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_06.png deleted file mode 100644 index 8bfa09d61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_07.png deleted file mode 100644 index 88cf86862..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_08.png deleted file mode 100644 index c9f0a42b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_09.png deleted file mode 100644 index 75515bfed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_10.png deleted file mode 100644 index 4a028be51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_11.png deleted file mode 100644 index 77163cb21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_12.png deleted file mode 100644 index 5ede3f8fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_13.png deleted file mode 100644 index 343b0091f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_14.png deleted file mode 100644 index fd91fe7b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_15.png deleted file mode 100644 index cb38fbbbf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_16.png deleted file mode 100644 index 1b31cef44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_17.png deleted file mode 100644 index 625bbee01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_18.png deleted file mode 100644 index 3c982d12e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_19.png deleted file mode 100644 index c74d402f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_20.png deleted file mode 100644 index ca66eed37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character12/0694_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_01.png deleted file mode 100644 index 866571bca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_02.png deleted file mode 100644 index 9526f92e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_03.png deleted file mode 100644 index 0663847dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_04.png deleted file mode 100644 index ffc9c1a5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_05.png deleted file mode 100644 index d968a77b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_06.png deleted file mode 100644 index 243f2ab47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_07.png deleted file mode 100644 index 116bc911d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_08.png deleted file mode 100644 index ee4c6eb83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_09.png deleted file mode 100644 index ba605cd41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_10.png deleted file mode 100644 index 640eb75c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_11.png deleted file mode 100644 index eae99ae08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_12.png deleted file mode 100644 index 949db7cf0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_13.png deleted file mode 100644 index b04567930..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_14.png deleted file mode 100644 index 7cdf90c7b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_15.png deleted file mode 100644 index f0b10ff82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_16.png deleted file mode 100644 index 77f06095f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_17.png deleted file mode 100644 index 871f4f3b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_18.png deleted file mode 100644 index 94c9ba5a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_19.png deleted file mode 100644 index 853b55620..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_20.png deleted file mode 100644 index 4ea18f347..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character13/0695_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_01.png deleted file mode 100644 index 3b9fb6283..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_02.png deleted file mode 100644 index cfd017451..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_03.png deleted file mode 100644 index d0d94c7ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_04.png deleted file mode 100644 index 0a25473ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_05.png deleted file mode 100644 index 0aa35afdf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_06.png deleted file mode 100644 index fe757ba1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_07.png deleted file mode 100644 index baec4155e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_08.png deleted file mode 100644 index 3e13023e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_09.png deleted file mode 100644 index 402d5b015..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_10.png deleted file mode 100644 index d5576ed88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_11.png deleted file mode 100644 index e816f8fe0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_12.png deleted file mode 100644 index 79dc6feb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_13.png deleted file mode 100644 index b83830c5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_14.png deleted file mode 100644 index d888bbe64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_15.png deleted file mode 100644 index dce2d5158..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_16.png deleted file mode 100644 index e3816b989..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_17.png deleted file mode 100644 index 83e756567..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_18.png deleted file mode 100644 index d4d70cff5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_19.png deleted file mode 100644 index 1cb0f3c53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_20.png deleted file mode 100644 index a1149a8f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character14/0696_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_01.png deleted file mode 100644 index c5a3dd056..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_02.png deleted file mode 100644 index 0c7ec7788..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_03.png deleted file mode 100644 index 0e0764895..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_04.png deleted file mode 100644 index f39aaa715..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_05.png deleted file mode 100644 index 61c1d50b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_06.png deleted file mode 100644 index d6c2cc7a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_07.png deleted file mode 100644 index 79ed78636..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_08.png deleted file mode 100644 index d05e8f04f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_09.png deleted file mode 100644 index b5a99e87a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_10.png deleted file mode 100644 index 377b618db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_11.png deleted file mode 100644 index 67815f99e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_12.png deleted file mode 100644 index 5db11af86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_13.png deleted file mode 100644 index 9c219bb96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_14.png deleted file mode 100644 index b38a25255..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_15.png deleted file mode 100644 index d2addcbe4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_16.png deleted file mode 100644 index fc65d9607..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_17.png deleted file mode 100644 index ac3fb4180..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_18.png deleted file mode 100644 index 0be7a82b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_19.png deleted file mode 100644 index 019afee73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_20.png deleted file mode 100644 index 5e5f24d01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character15/0697_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_01.png deleted file mode 100644 index 296ae8496..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_02.png deleted file mode 100644 index 230b8eba1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_03.png deleted file mode 100644 index e90840bcc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_04.png deleted file mode 100644 index 6b2591843..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_05.png deleted file mode 100644 index 6133edeeb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_06.png deleted file mode 100644 index 9aec62416..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_07.png deleted file mode 100644 index 21d9dbcaf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_08.png deleted file mode 100644 index da9ba8942..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_09.png deleted file mode 100644 index ff03dc950..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_10.png deleted file mode 100644 index c5493f233..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_11.png deleted file mode 100644 index cc65004d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_12.png deleted file mode 100644 index 11e5bb61d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_13.png deleted file mode 100644 index c45a90f41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_14.png deleted file mode 100644 index a90c50b51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_15.png deleted file mode 100644 index e3e66d348..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_16.png deleted file mode 100644 index d90900f1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_17.png deleted file mode 100644 index 9d7d31d4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_18.png deleted file mode 100644 index 3c39bc657..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_19.png deleted file mode 100644 index 5287d354f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_20.png deleted file mode 100644 index 7270d88c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character16/0698_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_01.png deleted file mode 100644 index 77dde9d94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_02.png deleted file mode 100644 index ad041df45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_03.png deleted file mode 100644 index 29171f219..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_04.png deleted file mode 100644 index 329272b51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_05.png deleted file mode 100644 index 5c711436b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_06.png deleted file mode 100644 index 2f4e7fb52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_07.png deleted file mode 100644 index 30714aa47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_08.png deleted file mode 100644 index b1ab118d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_09.png deleted file mode 100644 index ad46604c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_10.png deleted file mode 100644 index 49ca63699..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_11.png deleted file mode 100644 index 63724fdc2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_12.png deleted file mode 100644 index 0ea09febc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_13.png deleted file mode 100644 index ef2505ef8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_14.png deleted file mode 100644 index 724037ae0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_15.png deleted file mode 100644 index 41144ebcd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_16.png deleted file mode 100644 index f9e656485..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_17.png deleted file mode 100644 index 4bebc5273..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_18.png deleted file mode 100644 index e1a848bfb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_19.png deleted file mode 100644 index 67c961814..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_20.png deleted file mode 100644 index 53a977808..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character17/0699_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_01.png deleted file mode 100644 index 231dd1b60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_02.png deleted file mode 100644 index 49c02fabd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_03.png deleted file mode 100644 index cd754b8d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_04.png deleted file mode 100644 index 3fa37d119..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_05.png deleted file mode 100644 index 2ecd327b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_06.png deleted file mode 100644 index cb969eb62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_07.png deleted file mode 100644 index 96804de19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_08.png deleted file mode 100644 index 334da680c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_09.png deleted file mode 100644 index 400547a7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_10.png deleted file mode 100644 index 5f0e18f02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_11.png deleted file mode 100644 index de3c0838c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_12.png deleted file mode 100644 index 21cc667f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_13.png deleted file mode 100644 index d397a76d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_14.png deleted file mode 100644 index 55b97b62d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_15.png deleted file mode 100644 index 703e7fc9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_16.png deleted file mode 100644 index 127115bcc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_17.png deleted file mode 100644 index 9bd048e9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_18.png deleted file mode 100644 index 8100cc9ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_19.png deleted file mode 100644 index 99c62b618..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_20.png deleted file mode 100644 index 9eb89485b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character18/0700_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_01.png deleted file mode 100644 index 15a0fb37c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_02.png deleted file mode 100644 index 34d072b63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_03.png deleted file mode 100644 index 1454ca056..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_04.png deleted file mode 100644 index 57316713c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_05.png deleted file mode 100644 index 61805f665..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_06.png deleted file mode 100644 index 77bc5506c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_07.png deleted file mode 100644 index 584706521..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_08.png deleted file mode 100644 index c1016b45f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_09.png deleted file mode 100644 index 699faec34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_10.png deleted file mode 100644 index c45f2a7b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_11.png deleted file mode 100644 index 6c1319fb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_12.png deleted file mode 100644 index c8d551a9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_13.png deleted file mode 100644 index f04b1ed91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_14.png deleted file mode 100644 index 46e707ec1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_15.png deleted file mode 100644 index 38586a22c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_16.png deleted file mode 100644 index 60630eb78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_17.png deleted file mode 100644 index 4f48323cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_18.png deleted file mode 100644 index 4494ac573..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_19.png deleted file mode 100644 index ccd76695e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_20.png deleted file mode 100644 index 876af2b9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character19/0701_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_01.png deleted file mode 100644 index 0f4967b8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_02.png deleted file mode 100644 index e36d114c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_03.png deleted file mode 100644 index 79eb66dc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_04.png deleted file mode 100644 index 528b598ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_05.png deleted file mode 100644 index 6b66f5c97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_06.png deleted file mode 100644 index 2fbcf5c7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_07.png deleted file mode 100644 index 77285d1cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_08.png deleted file mode 100644 index c53cdf8e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_09.png deleted file mode 100644 index c70e84d17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_10.png deleted file mode 100644 index ede17eb99..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_11.png deleted file mode 100644 index 7f4ec0628..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_12.png deleted file mode 100644 index 099b5ed69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_13.png deleted file mode 100644 index f705ed9eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_14.png deleted file mode 100644 index 63c65f351..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_15.png deleted file mode 100644 index 2963e88d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_16.png deleted file mode 100644 index 2da296834..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_17.png deleted file mode 100644 index 5808945c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_18.png deleted file mode 100644 index 678aeb06b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_19.png deleted file mode 100644 index d0ee1e285..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_20.png deleted file mode 100644 index 472e5cd97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character20/0702_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_01.png deleted file mode 100644 index bab35da29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_02.png deleted file mode 100644 index ac09c71e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_03.png deleted file mode 100644 index e2b93acf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_04.png deleted file mode 100644 index 57733c241..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_05.png deleted file mode 100644 index a6962b941..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_06.png deleted file mode 100644 index 181c1f1a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_07.png deleted file mode 100644 index b3c6960a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_08.png deleted file mode 100644 index 50957fc79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_09.png deleted file mode 100644 index a27926623..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_10.png deleted file mode 100644 index 5ef6f3369..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_11.png deleted file mode 100644 index 68281000b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_12.png deleted file mode 100644 index 72bd6ab28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_13.png deleted file mode 100644 index 51cbd1ed8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_14.png deleted file mode 100644 index 79077077a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_15.png deleted file mode 100644 index 0433f906e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_16.png deleted file mode 100644 index 311417d25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_17.png deleted file mode 100644 index 5b6b5ee15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_18.png deleted file mode 100644 index 9995860fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_19.png deleted file mode 100644 index 8991a2448..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_20.png deleted file mode 100644 index 34fd63a6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character21/0703_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_01.png deleted file mode 100644 index 91ac2a284..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_02.png deleted file mode 100644 index 5d950d8dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_03.png deleted file mode 100644 index 065fd9ad4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_04.png deleted file mode 100644 index 97c580f42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_05.png deleted file mode 100644 index 13cbf6132..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_06.png deleted file mode 100644 index ee8e4a14a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_07.png deleted file mode 100644 index 54f8a76c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_08.png deleted file mode 100644 index 6dad215ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_09.png deleted file mode 100644 index fa713cb91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_10.png deleted file mode 100644 index 65f9d527a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_11.png deleted file mode 100644 index 89e0341a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_12.png deleted file mode 100644 index 34af7f160..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_13.png deleted file mode 100644 index 4cf050864..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_14.png deleted file mode 100644 index 9b94f6032..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_15.png deleted file mode 100644 index 0fc878279..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_16.png deleted file mode 100644 index 268069162..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_17.png deleted file mode 100644 index da33d9027..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_18.png deleted file mode 100644 index 07ec77013..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_19.png deleted file mode 100644 index 63cafc4c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_20.png deleted file mode 100644 index 54107853b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character22/0704_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_01.png deleted file mode 100644 index 062b89e23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_02.png deleted file mode 100644 index 3e4c3495e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_03.png deleted file mode 100644 index 99baf2abe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_04.png deleted file mode 100644 index 5ba5f7d80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_05.png deleted file mode 100644 index 5e46db700..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_06.png deleted file mode 100644 index dce0efe94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_07.png deleted file mode 100644 index 91795d2c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_08.png deleted file mode 100644 index 6dad07bf4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_09.png deleted file mode 100644 index c1898a1ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_10.png deleted file mode 100644 index fbcb6c980..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_11.png deleted file mode 100644 index c78a3c58f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_12.png deleted file mode 100644 index f925a0dfb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_13.png deleted file mode 100644 index e82c48d98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_14.png deleted file mode 100644 index dfbaa4c14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_15.png deleted file mode 100644 index d38939bed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_16.png deleted file mode 100644 index c3cf55153..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_17.png deleted file mode 100644 index 445d70128..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_18.png deleted file mode 100644 index 395b9a0f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_19.png deleted file mode 100644 index e140c2376..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_20.png deleted file mode 100644 index 2cb667fb1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character23/0705_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_01.png deleted file mode 100644 index b1703d975..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_02.png deleted file mode 100644 index 7a67ab3e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_03.png deleted file mode 100644 index 01d8657e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_04.png deleted file mode 100644 index dd636f84e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_05.png deleted file mode 100644 index df70a66b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_06.png deleted file mode 100644 index 2de53c7fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_07.png deleted file mode 100644 index e3c11fd82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_08.png deleted file mode 100644 index 2ed6d53fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_09.png deleted file mode 100644 index 9d5d319fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_10.png deleted file mode 100644 index 74ed43386..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_11.png deleted file mode 100644 index 1e5727de0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_12.png deleted file mode 100644 index 9a95f6136..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_13.png deleted file mode 100644 index 4b065b5f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_14.png deleted file mode 100644 index 5ee745ef3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_15.png deleted file mode 100644 index d6995aec0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_16.png deleted file mode 100644 index 6f96250ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_17.png deleted file mode 100644 index 5b93ad123..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_18.png deleted file mode 100644 index e87e2d1b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_19.png deleted file mode 100644 index 9ae4fbe5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_20.png deleted file mode 100644 index b7ef8c89f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character24/0706_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_01.png deleted file mode 100644 index 99afad176..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_02.png deleted file mode 100644 index 054103eb3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_03.png deleted file mode 100644 index 59d12cf87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_04.png deleted file mode 100644 index 715189647..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_05.png deleted file mode 100644 index 5e3df42a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_06.png deleted file mode 100644 index 83e75bf14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_07.png deleted file mode 100644 index fd9bd0ffa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_08.png deleted file mode 100644 index 16ce5e50b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_09.png deleted file mode 100644 index 7fbb7bb9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_10.png deleted file mode 100644 index 958515c9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_11.png deleted file mode 100644 index 7fc962ad4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_12.png deleted file mode 100644 index 4ef8cb8e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_13.png deleted file mode 100644 index 7ec1242a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_14.png deleted file mode 100644 index 4b28e6683..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_15.png deleted file mode 100644 index cc4c195d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_16.png deleted file mode 100644 index ba81d86d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_17.png deleted file mode 100644 index 37a035073..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_18.png deleted file mode 100644 index 918a232c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_19.png deleted file mode 100644 index 9b5e76284..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_20.png deleted file mode 100644 index 7851c4470..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character25/0707_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_01.png deleted file mode 100644 index 4da8006d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_02.png deleted file mode 100644 index c98d87a9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_03.png deleted file mode 100644 index 3c287fe57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_04.png deleted file mode 100644 index 6e062639e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_05.png deleted file mode 100644 index 1aaa89ad3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_06.png deleted file mode 100644 index e2b570741..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_07.png deleted file mode 100644 index 7b9175fee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_08.png deleted file mode 100644 index 05567faaa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_09.png deleted file mode 100644 index 0311b9ef9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_10.png deleted file mode 100644 index c60372ed3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_11.png deleted file mode 100644 index 5054db960..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_12.png deleted file mode 100644 index d458d578a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_13.png deleted file mode 100644 index 865a3af4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_14.png deleted file mode 100644 index 48e64652f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_15.png deleted file mode 100644 index ca6bdaf73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_16.png deleted file mode 100644 index d03961f69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_17.png deleted file mode 100644 index c30234bf0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_18.png deleted file mode 100644 index 90cbe7f36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_19.png deleted file mode 100644 index ddd603d25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_20.png deleted file mode 100644 index 13cfc0060..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Latin/character26/0708_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_01.png deleted file mode 100644 index 7052f967e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_02.png deleted file mode 100644 index 460a48617..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_03.png deleted file mode 100644 index a6d3ca3c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_04.png deleted file mode 100644 index b0104db81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_05.png deleted file mode 100644 index c23f7183a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_06.png deleted file mode 100644 index 5be95b40c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_07.png deleted file mode 100644 index c9c912bc0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_08.png deleted file mode 100644 index 4d066c4d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_09.png deleted file mode 100644 index 8e97b8d02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_10.png deleted file mode 100644 index 9d79ae0b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_11.png deleted file mode 100644 index 12b0c3a6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_12.png deleted file mode 100644 index aa117929b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_13.png deleted file mode 100644 index 8f28e5d24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_14.png deleted file mode 100644 index a9a57912a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_15.png deleted file mode 100644 index 4e1eb0ba0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_16.png deleted file mode 100644 index c8e3ddf5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_17.png deleted file mode 100644 index b11f511b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_18.png deleted file mode 100644 index ec42f3479..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_19.png deleted file mode 100644 index 9c5c7278c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_20.png deleted file mode 100644 index 90906a891..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character01/0556_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_01.png deleted file mode 100644 index 50a36c89b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_02.png deleted file mode 100644 index c3144e669..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_03.png deleted file mode 100644 index 535e0c5b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_04.png deleted file mode 100644 index 29f7f2f89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_05.png deleted file mode 100644 index 378a65e71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_06.png deleted file mode 100644 index e8682d524..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_07.png deleted file mode 100644 index 1bfc085c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_08.png deleted file mode 100644 index f880e3cf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_09.png deleted file mode 100644 index 45ba88d77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_10.png deleted file mode 100644 index 634c13e96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_11.png deleted file mode 100644 index 7c959eb28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_12.png deleted file mode 100644 index 59d941059..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_13.png deleted file mode 100644 index c26b7cd72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_14.png deleted file mode 100644 index dda1e015d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_15.png deleted file mode 100644 index 69d09fddc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_16.png deleted file mode 100644 index 77c786d88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_17.png deleted file mode 100644 index ba940d074..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_18.png deleted file mode 100644 index 521793c61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_19.png deleted file mode 100644 index 8159b4b66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_20.png deleted file mode 100644 index 2716a89a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character02/0557_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_01.png deleted file mode 100644 index 820d865bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_02.png deleted file mode 100644 index 81009de8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_03.png deleted file mode 100644 index 25cebf689..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_04.png deleted file mode 100644 index e467b80fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_05.png deleted file mode 100644 index 16e269764..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_06.png deleted file mode 100644 index da7301b2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_07.png deleted file mode 100644 index 1c9cb8e1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_08.png deleted file mode 100644 index 70790c8fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_09.png deleted file mode 100644 index 7bbe4fedb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_10.png deleted file mode 100644 index 3893a1d71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_11.png deleted file mode 100644 index cb5848df5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_12.png deleted file mode 100644 index 600106746..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_13.png deleted file mode 100644 index 7d26b6eff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_14.png deleted file mode 100644 index 4b911147c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_15.png deleted file mode 100644 index 9c6c25aec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_16.png deleted file mode 100644 index 5339db77f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_17.png deleted file mode 100644 index 19723b302..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_18.png deleted file mode 100644 index e5a82507d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_19.png deleted file mode 100644 index f79124324..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_20.png deleted file mode 100644 index 2140646cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character03/0558_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_01.png deleted file mode 100644 index 4dd83d9e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_02.png deleted file mode 100644 index e5f222280..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_03.png deleted file mode 100644 index 06dcc0345..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_04.png deleted file mode 100644 index 264329e22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_05.png deleted file mode 100644 index 74120740c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_06.png deleted file mode 100644 index 0ce24c462..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_07.png deleted file mode 100644 index fbe8aec21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_08.png deleted file mode 100644 index 04c056b16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_09.png deleted file mode 100644 index 317f43cc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_10.png deleted file mode 100644 index 03316b85f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_11.png deleted file mode 100644 index 6ce87aebc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_12.png deleted file mode 100644 index d9f7ca5d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_13.png deleted file mode 100644 index e5c053949..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_14.png deleted file mode 100644 index eba89e556..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_15.png deleted file mode 100644 index 6344a98c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_16.png deleted file mode 100644 index ae4babed6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_17.png deleted file mode 100644 index 7deba1973..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_18.png deleted file mode 100644 index 7cd5e0620..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_19.png deleted file mode 100644 index 32eaff299..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_20.png deleted file mode 100644 index 3ed0e785b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character04/0559_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_01.png deleted file mode 100644 index 2f4da33c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_02.png deleted file mode 100644 index a29a0fed6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_03.png deleted file mode 100644 index 7b2af0b2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_04.png deleted file mode 100644 index 2adf77361..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_05.png deleted file mode 100644 index 0bc765dcc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_06.png deleted file mode 100644 index 08a72874e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_07.png deleted file mode 100644 index 8420e88ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_08.png deleted file mode 100644 index df73dcb1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_09.png deleted file mode 100644 index 357d76823..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_10.png deleted file mode 100644 index d86f906e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_11.png deleted file mode 100644 index ca124dc16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_12.png deleted file mode 100644 index dc155a6ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_13.png deleted file mode 100644 index fc1a3be8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_14.png deleted file mode 100644 index f168a4296..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_15.png deleted file mode 100644 index d2d868fbf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_16.png deleted file mode 100644 index b7d72ab5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_17.png deleted file mode 100644 index 609b46a67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_18.png deleted file mode 100644 index d373b5b22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_19.png deleted file mode 100644 index eee5db1bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_20.png deleted file mode 100644 index 95d5f8bd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character05/0560_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_01.png deleted file mode 100644 index 614b27c14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_02.png deleted file mode 100644 index 376f469ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_03.png deleted file mode 100644 index 48723cd63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_04.png deleted file mode 100644 index c99f44e3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_05.png deleted file mode 100644 index 59efcda0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_06.png deleted file mode 100644 index 37ff6ff93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_07.png deleted file mode 100644 index f83ec2f27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_08.png deleted file mode 100644 index 589da27ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_09.png deleted file mode 100644 index 5793da87a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_10.png deleted file mode 100644 index c22af7972..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_11.png deleted file mode 100644 index 2f4eeec25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_12.png deleted file mode 100644 index d15af65a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_13.png deleted file mode 100644 index 6e832cf90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_14.png deleted file mode 100644 index 3e73bd934..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_15.png deleted file mode 100644 index 718104ab3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_16.png deleted file mode 100644 index a9640a792..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_17.png deleted file mode 100644 index 355df3b81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_18.png deleted file mode 100644 index e8fc55e4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_19.png deleted file mode 100644 index 59c6662f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_20.png deleted file mode 100644 index 6114bd585..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character06/0561_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_01.png deleted file mode 100644 index 2d35102e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_02.png deleted file mode 100644 index 3986f3bc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_03.png deleted file mode 100644 index 38f74bf92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_04.png deleted file mode 100644 index b8b366eb7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_05.png deleted file mode 100644 index 739c94ec0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_06.png deleted file mode 100644 index 5e7e63f11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_07.png deleted file mode 100644 index a253c7819..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_08.png deleted file mode 100644 index 5157a9fa2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_09.png deleted file mode 100644 index cb549da39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_10.png deleted file mode 100644 index c9b1f0a37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_11.png deleted file mode 100644 index cfdb9cfe1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_12.png deleted file mode 100644 index 2691d85ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_13.png deleted file mode 100644 index 851871bb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_14.png deleted file mode 100644 index 16d3a779e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_15.png deleted file mode 100644 index 206133446..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_16.png deleted file mode 100644 index 051e6954b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_17.png deleted file mode 100644 index b93b64f01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_18.png deleted file mode 100644 index aaadffe52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_19.png deleted file mode 100644 index eccef8592..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_20.png deleted file mode 100644 index 15a8fc9b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character07/0562_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_01.png deleted file mode 100644 index 29d62730d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_02.png deleted file mode 100644 index 9835c8cf9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_03.png deleted file mode 100644 index fe5563ce6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_04.png deleted file mode 100644 index f36667afa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_05.png deleted file mode 100644 index bc0810464..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_06.png deleted file mode 100644 index 9181355ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_07.png deleted file mode 100644 index 45fae2974..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_08.png deleted file mode 100644 index 9874c4c9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_09.png deleted file mode 100644 index df3062986..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_10.png deleted file mode 100644 index 2093c5d37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_11.png deleted file mode 100644 index 9e5706d70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_12.png deleted file mode 100644 index 3a26191f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_13.png deleted file mode 100644 index 8c7f6bc4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_14.png deleted file mode 100644 index ac04f6d51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_15.png deleted file mode 100644 index 0c5690284..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_16.png deleted file mode 100644 index ac16e967a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_17.png deleted file mode 100644 index 4faffd950..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_18.png deleted file mode 100644 index b684c4f01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_19.png deleted file mode 100644 index 23dffa5d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_20.png deleted file mode 100644 index 476cef769..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character08/0563_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_01.png deleted file mode 100644 index 8629c4e83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_02.png deleted file mode 100644 index 75dbf5b2e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_03.png deleted file mode 100644 index a7294f4a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_04.png deleted file mode 100644 index 031a7fcf3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_05.png deleted file mode 100644 index 5619f17b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_06.png deleted file mode 100644 index 6a122356e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_07.png deleted file mode 100644 index 6e35099ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_08.png deleted file mode 100644 index 16ccd3230..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_09.png deleted file mode 100644 index 9e109e137..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_10.png deleted file mode 100644 index 14302518e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_11.png deleted file mode 100644 index 2bc697fe6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_12.png deleted file mode 100644 index ba2a3c661..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_13.png deleted file mode 100644 index 0039213a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_14.png deleted file mode 100644 index c66b43941..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_15.png deleted file mode 100644 index 7b3767250..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_16.png deleted file mode 100644 index aec8503c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_17.png deleted file mode 100644 index a591a0c85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_18.png deleted file mode 100644 index da5a5c19f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_19.png deleted file mode 100644 index 0938d6d44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_20.png deleted file mode 100644 index dc4fcdc22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character09/0564_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_01.png deleted file mode 100644 index 7439a3cf1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_02.png deleted file mode 100644 index 79250bc54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_03.png deleted file mode 100644 index eaeb70f78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_04.png deleted file mode 100644 index bb675658f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_05.png deleted file mode 100644 index cf0550475..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_06.png deleted file mode 100644 index 17e95aba3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_07.png deleted file mode 100644 index b6fbf743b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_08.png deleted file mode 100644 index 7b45015ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_09.png deleted file mode 100644 index ce0a98112..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_10.png deleted file mode 100644 index 29fab5d88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_11.png deleted file mode 100644 index 5f6d17c69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_12.png deleted file mode 100644 index f52ceb04c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_13.png deleted file mode 100644 index 707898442..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_14.png deleted file mode 100644 index b46d73ebc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_15.png deleted file mode 100644 index 082699c08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_16.png deleted file mode 100644 index 086e42237..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_17.png deleted file mode 100644 index c3b6e149c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_18.png deleted file mode 100644 index b96bd371a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_19.png deleted file mode 100644 index 3b9d763de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_20.png deleted file mode 100644 index 6a83a29ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character10/0565_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_01.png deleted file mode 100644 index 1768122ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_02.png deleted file mode 100644 index cb14824f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_03.png deleted file mode 100644 index 0c05a88a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_04.png deleted file mode 100644 index 17417fffa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_05.png deleted file mode 100644 index fff10bb62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_06.png deleted file mode 100644 index b78af8752..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_07.png deleted file mode 100644 index 8db92afef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_08.png deleted file mode 100644 index 964dfa447..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_09.png deleted file mode 100644 index e5fb260f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_10.png deleted file mode 100644 index b33e15e52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_11.png deleted file mode 100644 index 9217e00ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_12.png deleted file mode 100644 index 877b10445..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_13.png deleted file mode 100644 index 1cefe115e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_14.png deleted file mode 100644 index 4a5a4a3b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_15.png deleted file mode 100644 index 72aaff70f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_16.png deleted file mode 100644 index e2d8e301d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_17.png deleted file mode 100644 index 3bae890f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_18.png deleted file mode 100644 index 42f69009c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_19.png deleted file mode 100644 index ae68110bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_20.png deleted file mode 100644 index 13660cf6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character11/0566_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_01.png deleted file mode 100644 index a419f99f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_02.png deleted file mode 100644 index 559103b56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_03.png deleted file mode 100644 index 712e5a10a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_04.png deleted file mode 100644 index b15cedb72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_05.png deleted file mode 100644 index 171bed8ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_06.png deleted file mode 100644 index b82e5ebd5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_07.png deleted file mode 100644 index fea2a869d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_08.png deleted file mode 100644 index b7b62b690..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_09.png deleted file mode 100644 index b78204465..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_10.png deleted file mode 100644 index 234f4855a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_11.png deleted file mode 100644 index c14c1ac70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_12.png deleted file mode 100644 index 720411579..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_13.png deleted file mode 100644 index d7b17c8ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_14.png deleted file mode 100644 index 5dc672a57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_15.png deleted file mode 100644 index 5ebbb511a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_16.png deleted file mode 100644 index 0632ec4eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_17.png deleted file mode 100644 index 8e167de2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_18.png deleted file mode 100644 index bc2d3e792..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_19.png deleted file mode 100644 index 60b738bcc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_20.png deleted file mode 100644 index 1da6b7221..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character12/0567_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_01.png deleted file mode 100644 index b873d9079..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_02.png deleted file mode 100644 index 5930ca7ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_03.png deleted file mode 100644 index 7f5b4a21c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_04.png deleted file mode 100644 index 6141d0c46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_05.png deleted file mode 100644 index dac470a31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_06.png deleted file mode 100644 index 1b4b18df4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_07.png deleted file mode 100644 index edfda034a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_08.png deleted file mode 100644 index c1c571c66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_09.png deleted file mode 100644 index a600ac30a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_10.png deleted file mode 100644 index 6bfc4ae82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_11.png deleted file mode 100644 index 4fb0781ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_12.png deleted file mode 100644 index 773ccbdfa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_13.png deleted file mode 100644 index 3db769111..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_14.png deleted file mode 100644 index 639dcb381..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_15.png deleted file mode 100644 index 47f084b1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_16.png deleted file mode 100644 index de691e71d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_17.png deleted file mode 100644 index 3a91bbd20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_18.png deleted file mode 100644 index 797c3da55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_19.png deleted file mode 100644 index 62978ad88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_20.png deleted file mode 100644 index 8dc564883..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character13/0568_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_01.png deleted file mode 100644 index d178ef708..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_02.png deleted file mode 100644 index 56c970ad8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_03.png deleted file mode 100644 index 5645f4538..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_04.png deleted file mode 100644 index d69ab6f41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_05.png deleted file mode 100644 index 9a26be622..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_06.png deleted file mode 100644 index edba6338a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_07.png deleted file mode 100644 index 6ccf15289..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_08.png deleted file mode 100644 index e9fb49b34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_09.png deleted file mode 100644 index c221430d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_10.png deleted file mode 100644 index ae6c20830..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_11.png deleted file mode 100644 index 9f17d0562..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_12.png deleted file mode 100644 index 9b142bbcb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_13.png deleted file mode 100644 index fe20db8f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_14.png deleted file mode 100644 index 106464306..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_15.png deleted file mode 100644 index d21fba795..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_16.png deleted file mode 100644 index 4248a4fb7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_17.png deleted file mode 100644 index 8e41cb4c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_18.png deleted file mode 100644 index aca02db29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_19.png deleted file mode 100644 index d8d65ecc8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_20.png deleted file mode 100644 index 433198eb0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character14/0569_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_01.png deleted file mode 100644 index b208bc667..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_02.png deleted file mode 100644 index 6be3c1907..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_03.png deleted file mode 100644 index bc7b5622e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_04.png deleted file mode 100644 index 6d42d0465..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_05.png deleted file mode 100644 index 4d214a1a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_06.png deleted file mode 100644 index 8083f350e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_07.png deleted file mode 100644 index e44b244e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_08.png deleted file mode 100644 index d68d3d2b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_09.png deleted file mode 100644 index 933be02e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_10.png deleted file mode 100644 index b691af1aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_11.png deleted file mode 100644 index 6417b7411..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_12.png deleted file mode 100644 index 9d5ddefda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_13.png deleted file mode 100644 index f3be45896..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_14.png deleted file mode 100644 index ab89beca0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_15.png deleted file mode 100644 index 383b85bdd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_16.png deleted file mode 100644 index a4812ff36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_17.png deleted file mode 100644 index 1904d5688..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_18.png deleted file mode 100644 index 5f34996e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_19.png deleted file mode 100644 index a737d6bf1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_20.png deleted file mode 100644 index 286d6c295..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character15/0570_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_01.png deleted file mode 100644 index 44c6223b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_02.png deleted file mode 100644 index 6f12bc100..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_03.png deleted file mode 100644 index c5827f87e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_04.png deleted file mode 100644 index 03e33b1fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_05.png deleted file mode 100644 index 85fc701ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_06.png deleted file mode 100644 index 868ff8487..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_07.png deleted file mode 100644 index 4ffe8abfd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_08.png deleted file mode 100644 index a0da89388..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_09.png deleted file mode 100644 index 0dabaed8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_10.png deleted file mode 100644 index e9425424c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_11.png deleted file mode 100644 index b1cc1e96e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_12.png deleted file mode 100644 index 2823c1f84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_13.png deleted file mode 100644 index 170a8bd35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_14.png deleted file mode 100644 index 64c5f5496..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_15.png deleted file mode 100644 index f185e4cc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_16.png deleted file mode 100644 index 0be69c36b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_17.png deleted file mode 100644 index c7998a840..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_18.png deleted file mode 100644 index 3e8491be9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_19.png deleted file mode 100644 index 8315d8715..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_20.png deleted file mode 100644 index 3836f647e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character16/0571_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_01.png deleted file mode 100644 index 86a14f466..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_02.png deleted file mode 100644 index 00a67ce3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_03.png deleted file mode 100644 index 1a2156906..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_04.png deleted file mode 100644 index a3c6dafd1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_05.png deleted file mode 100644 index 7837774ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_06.png deleted file mode 100644 index 0a73b4b5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_07.png deleted file mode 100644 index f99158aae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_08.png deleted file mode 100644 index 48cbccfc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_09.png deleted file mode 100644 index 853da7cf7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_10.png deleted file mode 100644 index b29c3004d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_11.png deleted file mode 100644 index 8f73edfdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_12.png deleted file mode 100644 index c609c4c05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_13.png deleted file mode 100644 index f5383aa20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_14.png deleted file mode 100644 index 9d65ed222..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_15.png deleted file mode 100644 index 4feab203c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_16.png deleted file mode 100644 index 4d45481a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_17.png deleted file mode 100644 index 8013402ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_18.png deleted file mode 100644 index ffa72b92e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_19.png deleted file mode 100644 index f230f1e24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_20.png deleted file mode 100644 index 16f75d183..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character17/0572_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_01.png deleted file mode 100644 index 4f91ee77c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_02.png deleted file mode 100644 index 6dfb83084..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_03.png deleted file mode 100644 index f8b6c95a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_04.png deleted file mode 100644 index 4a9ee80f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_05.png deleted file mode 100644 index 095773801..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_06.png deleted file mode 100644 index 93a9a098f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_07.png deleted file mode 100644 index 1ee87075c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_08.png deleted file mode 100644 index 154632c71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_09.png deleted file mode 100644 index 336eec92c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_10.png deleted file mode 100644 index ce4f78813..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_11.png deleted file mode 100644 index e595f6d8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_12.png deleted file mode 100644 index 44689c1ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_13.png deleted file mode 100644 index 83407e0c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_14.png deleted file mode 100644 index c28292c9d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_15.png deleted file mode 100644 index ec2cc4c54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_16.png deleted file mode 100644 index f55638b66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_17.png deleted file mode 100644 index 384d8f596..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_18.png deleted file mode 100644 index fe7ed23f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_19.png deleted file mode 100644 index 7f4f1b2c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_20.png deleted file mode 100644 index 0ddc7d54a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character18/0573_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_01.png deleted file mode 100644 index 51bb945b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_02.png deleted file mode 100644 index 11239ab79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_03.png deleted file mode 100644 index adfe2fb34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_04.png deleted file mode 100644 index 5e3493329..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_05.png deleted file mode 100644 index c4a8133e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_06.png deleted file mode 100644 index 0ef572cb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_07.png deleted file mode 100644 index 4461c4e80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_08.png deleted file mode 100644 index 1211a4fb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_09.png deleted file mode 100644 index 7aa2b95ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_10.png deleted file mode 100644 index e8db89f5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_11.png deleted file mode 100644 index 2e4dbe979..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_12.png deleted file mode 100644 index a8957f027..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_13.png deleted file mode 100644 index 83ced7ba3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_14.png deleted file mode 100644 index 27b870863..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_15.png deleted file mode 100644 index c1d3a16b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_16.png deleted file mode 100644 index f9eab12ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_17.png deleted file mode 100644 index c85847033..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_18.png deleted file mode 100644 index 0f7648312..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_19.png deleted file mode 100644 index 7174395dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_20.png deleted file mode 100644 index 8ff54a311..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character19/0574_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_01.png deleted file mode 100644 index e170e7724..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_02.png deleted file mode 100644 index da029ddc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_03.png deleted file mode 100644 index cd5bfb2f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_04.png deleted file mode 100644 index 60532f60d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_05.png deleted file mode 100644 index a1531b835..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_06.png deleted file mode 100644 index 8bee8727e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_07.png deleted file mode 100644 index 70228d51d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_08.png deleted file mode 100644 index c9f0ff70f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_09.png deleted file mode 100644 index b82b5fe12..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_10.png deleted file mode 100644 index ac37460a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_11.png deleted file mode 100644 index 0f848fb12..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_12.png deleted file mode 100644 index 2eacf2b29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_13.png deleted file mode 100644 index db6f35fec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_14.png deleted file mode 100644 index dd678327a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_15.png deleted file mode 100644 index ac1221481..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_16.png deleted file mode 100644 index a8f08e5f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_17.png deleted file mode 100644 index c6c87b609..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_18.png deleted file mode 100644 index 4e3c59260..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_19.png deleted file mode 100644 index 50e0f43ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_20.png deleted file mode 100644 index 63504634e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character20/0575_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_01.png deleted file mode 100644 index d853e0b2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_02.png deleted file mode 100644 index f66b59859..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_03.png deleted file mode 100644 index c8e7ed582..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_04.png deleted file mode 100644 index 4e05f3bb5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_05.png deleted file mode 100644 index d793b394a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_06.png deleted file mode 100644 index a04789ee5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_07.png deleted file mode 100644 index 05022c4ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_08.png deleted file mode 100644 index d72441258..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_09.png deleted file mode 100644 index 254a9c640..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_10.png deleted file mode 100644 index 1c90c2a55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_11.png deleted file mode 100644 index 6ac15cfbb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_12.png deleted file mode 100644 index 085fa551d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_13.png deleted file mode 100644 index f906a85d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_14.png deleted file mode 100644 index 152ae6dfa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_15.png deleted file mode 100644 index 05b06a445..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_16.png deleted file mode 100644 index a279e2f6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_17.png deleted file mode 100644 index 12b5af7a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_18.png deleted file mode 100644 index 6c304d20f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_19.png deleted file mode 100644 index bf0a48e3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_20.png deleted file mode 100644 index 5b18e934e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character21/0576_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_01.png deleted file mode 100644 index b01795446..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_02.png deleted file mode 100644 index 8c1a14ad0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_03.png deleted file mode 100644 index 01be994b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_04.png deleted file mode 100644 index b56a56bfa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_05.png deleted file mode 100644 index fbd9222b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_06.png deleted file mode 100644 index 3677d4412..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_07.png deleted file mode 100644 index bdff5eaaf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_08.png deleted file mode 100644 index 2a4ad49cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_09.png deleted file mode 100644 index ea64d4cfc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_10.png deleted file mode 100644 index 1bbdc7a26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_11.png deleted file mode 100644 index 3128e741c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_12.png deleted file mode 100644 index 4af02b90a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_13.png deleted file mode 100644 index 2f2798e5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_14.png deleted file mode 100644 index fffea36e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_15.png deleted file mode 100644 index b3dd83d3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_16.png deleted file mode 100644 index ed42baef8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_17.png deleted file mode 100644 index e0b7160e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_18.png deleted file mode 100644 index 60bbe5aa8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_19.png deleted file mode 100644 index 9862f6a9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_20.png deleted file mode 100644 index 01f89959e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character22/0577_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_01.png deleted file mode 100644 index e71926f34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_02.png deleted file mode 100644 index 22467ef04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_03.png deleted file mode 100644 index b9193244f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_04.png deleted file mode 100644 index 6d34db9ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_05.png deleted file mode 100644 index 4802680d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_06.png deleted file mode 100644 index 2c8fcc119..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_07.png deleted file mode 100644 index fe8212ad8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_08.png deleted file mode 100644 index 021f65aea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_09.png deleted file mode 100644 index c31dfead7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_10.png deleted file mode 100644 index 196e9e827..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_11.png deleted file mode 100644 index 970a205dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_12.png deleted file mode 100644 index 761aa42e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_13.png deleted file mode 100644 index da7d76756..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_14.png deleted file mode 100644 index 3c8570127..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_15.png deleted file mode 100644 index 57c89078b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_16.png deleted file mode 100644 index 17cd23819..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_17.png deleted file mode 100644 index a2352368d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_18.png deleted file mode 100644 index 80d95d727..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_19.png deleted file mode 100644 index 5450e4f0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_20.png deleted file mode 100644 index cb7b26252..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character23/0578_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_01.png deleted file mode 100644 index 7d081ecc0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_02.png deleted file mode 100644 index 372504a39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_03.png deleted file mode 100644 index b77279721..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_04.png deleted file mode 100644 index 7cb5e7d11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_05.png deleted file mode 100644 index ffbc9a4ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_06.png deleted file mode 100644 index 0a1c5e7a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_07.png deleted file mode 100644 index f4c7359c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_08.png deleted file mode 100644 index 799f39545..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_09.png deleted file mode 100644 index fc3470a5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_10.png deleted file mode 100644 index 7b139faa4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_11.png deleted file mode 100644 index bdcb9519c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_12.png deleted file mode 100644 index c6cdd40f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_13.png deleted file mode 100644 index 7f703e777..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_14.png deleted file mode 100644 index 25b0f30df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_15.png deleted file mode 100644 index a7af31e90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_16.png deleted file mode 100644 index 401fa2291..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_17.png deleted file mode 100644 index 003f1f9c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_18.png deleted file mode 100644 index 52294a87a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_19.png deleted file mode 100644 index 8c343e28b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_20.png deleted file mode 100644 index 45f7e2060..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character24/0579_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_01.png deleted file mode 100644 index 2be3e9a75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_02.png deleted file mode 100644 index 241437981..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_03.png deleted file mode 100644 index 358ee6499..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_04.png deleted file mode 100644 index 46073fc05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_05.png deleted file mode 100644 index 07a4b3a89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_06.png deleted file mode 100644 index 46181143c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_07.png deleted file mode 100644 index 95c864af6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_08.png deleted file mode 100644 index e5b2f4c44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_09.png deleted file mode 100644 index 7d453b3ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_10.png deleted file mode 100644 index efb222033..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_11.png deleted file mode 100644 index 14f4461d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_12.png deleted file mode 100644 index 2fc447da0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_13.png deleted file mode 100644 index 0e42e2025..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_14.png deleted file mode 100644 index 4d53885e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_15.png deleted file mode 100644 index 95ee99bed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_16.png deleted file mode 100644 index 8c9c13201..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_17.png deleted file mode 100644 index a1bb25381..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_18.png deleted file mode 100644 index 979a7c7cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_19.png deleted file mode 100644 index 80e6addb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_20.png deleted file mode 100644 index 093bb58cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character25/0580_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_01.png deleted file mode 100644 index bdb5cb506..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_02.png deleted file mode 100644 index 39e5ed167..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_03.png deleted file mode 100644 index ea642ddb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_04.png deleted file mode 100644 index e185af00b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_05.png deleted file mode 100644 index 8cc8bd6aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_06.png deleted file mode 100644 index 4ae8c54a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_07.png deleted file mode 100644 index 3b7c9b1bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_08.png deleted file mode 100644 index 427c5eef1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_09.png deleted file mode 100644 index ea33ff32f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_10.png deleted file mode 100644 index 578faffef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_11.png deleted file mode 100644 index a5ec9ef5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_12.png deleted file mode 100644 index 1a333b496..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_13.png deleted file mode 100644 index 4e85efc82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_14.png deleted file mode 100644 index 578c41913..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_15.png deleted file mode 100644 index c234f96ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_16.png deleted file mode 100644 index d254fcace..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_17.png deleted file mode 100644 index e6830e313..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_18.png deleted file mode 100644 index f1909dca6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_19.png deleted file mode 100644 index 086f0bcf9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_20.png deleted file mode 100644 index c2be6267b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character26/0581_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_01.png deleted file mode 100644 index 8ee2a3547..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_02.png deleted file mode 100644 index 731af0f6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_03.png deleted file mode 100644 index 2f611870f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_04.png deleted file mode 100644 index 05bb14dad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_05.png deleted file mode 100644 index 3cc0dd1aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_06.png deleted file mode 100644 index dec00da12..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_07.png deleted file mode 100644 index d3a9fe449..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_08.png deleted file mode 100644 index 167f5f5ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_09.png deleted file mode 100644 index 5685d0b29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_10.png deleted file mode 100644 index 40fe8abfe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_11.png deleted file mode 100644 index 4aa4080e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_12.png deleted file mode 100644 index 04bae52e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_13.png deleted file mode 100644 index eb2dba9b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_14.png deleted file mode 100644 index 7595dbcd7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_15.png deleted file mode 100644 index be92566f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_16.png deleted file mode 100644 index d28b742c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_17.png deleted file mode 100644 index 5eda2b254..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_18.png deleted file mode 100644 index 1531ea777..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_19.png deleted file mode 100644 index b01f89211..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_20.png deleted file mode 100644 index 2dada0118..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character27/0582_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_01.png deleted file mode 100644 index 4f9246bf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_02.png deleted file mode 100644 index 04b59239d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_03.png deleted file mode 100644 index 1770cdf7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_04.png deleted file mode 100644 index 9d3c02bad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_05.png deleted file mode 100644 index 8dd609152..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_06.png deleted file mode 100644 index b5788606c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_07.png deleted file mode 100644 index 342b0f8d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_08.png deleted file mode 100644 index 5c1169c84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_09.png deleted file mode 100644 index 0c389e267..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_10.png deleted file mode 100644 index 78d542266..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_11.png deleted file mode 100644 index 4bf8603c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_12.png deleted file mode 100644 index 5136c3a7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_13.png deleted file mode 100644 index 756656d0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_14.png deleted file mode 100644 index 8482338b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_15.png deleted file mode 100644 index 8fad2fc65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_16.png deleted file mode 100644 index d0a231ce0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_17.png deleted file mode 100644 index 79d12dcd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_18.png deleted file mode 100644 index 193eebdfd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_19.png deleted file mode 100644 index 39fb920c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_20.png deleted file mode 100644 index 243d11dec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character28/0583_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_01.png deleted file mode 100644 index 880bac424..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_02.png deleted file mode 100644 index 692f26c9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_03.png deleted file mode 100644 index c06ed6bd5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_04.png deleted file mode 100644 index 9ce797b75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_05.png deleted file mode 100644 index 1e4f74589..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_06.png deleted file mode 100644 index c731bdf5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_07.png deleted file mode 100644 index 095cf0190..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_08.png deleted file mode 100644 index 38dff438b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_09.png deleted file mode 100644 index 66d761e13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_10.png deleted file mode 100644 index 96e35201f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_11.png deleted file mode 100644 index c4e8e8b79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_12.png deleted file mode 100644 index 1cc891846..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_13.png deleted file mode 100644 index 6b24e39ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_14.png deleted file mode 100644 index e02d24441..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_15.png deleted file mode 100644 index 8a77a69ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_16.png deleted file mode 100644 index 23abc9183..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_17.png deleted file mode 100644 index 76e5ff025..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_18.png deleted file mode 100644 index b779ff5c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_19.png deleted file mode 100644 index 8d45200f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_20.png deleted file mode 100644 index 7dfaad7ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character29/0584_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_01.png deleted file mode 100644 index 92f396dcd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_02.png deleted file mode 100644 index caeb991d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_03.png deleted file mode 100644 index 8b3542fe3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_04.png deleted file mode 100644 index 3e7b08d7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_05.png deleted file mode 100644 index 52900471a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_06.png deleted file mode 100644 index 4e1ad2ce4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_07.png deleted file mode 100644 index 20789b49f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_08.png deleted file mode 100644 index 1aa3ffaae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_09.png deleted file mode 100644 index e4c9aac65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_10.png deleted file mode 100644 index 59de2c92b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_11.png deleted file mode 100644 index 3e32360f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_12.png deleted file mode 100644 index 506efc948..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_13.png deleted file mode 100644 index 1a867f852..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_14.png deleted file mode 100644 index 00d90fcb2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_15.png deleted file mode 100644 index 996b2ec6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_16.png deleted file mode 100644 index b4d8e8576..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_17.png deleted file mode 100644 index 5bea3ab7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_18.png deleted file mode 100644 index 3c1fbd8dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_19.png deleted file mode 100644 index 5fcc731c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_20.png deleted file mode 100644 index 5d9e7dd72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character30/0585_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_01.png deleted file mode 100644 index 31cd85a5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_02.png deleted file mode 100644 index ff6d3d277..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_03.png deleted file mode 100644 index 4606bfb24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_04.png deleted file mode 100644 index 62e8ea5e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_05.png deleted file mode 100644 index 4ab423223..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_06.png deleted file mode 100644 index 126089556..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_07.png deleted file mode 100644 index aa5c48266..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_08.png deleted file mode 100644 index 4ecb712d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_09.png deleted file mode 100644 index 3e9468f12..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_10.png deleted file mode 100644 index 1746063bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_11.png deleted file mode 100644 index ce5ce5c3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_12.png deleted file mode 100644 index ecc24602e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_13.png deleted file mode 100644 index 8a77022f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_14.png deleted file mode 100644 index 0b6ad673b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_15.png deleted file mode 100644 index 640bd0680..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_16.png deleted file mode 100644 index 16bc7c0e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_17.png deleted file mode 100644 index 4627f072d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_18.png deleted file mode 100644 index 17ce7e037..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_19.png deleted file mode 100644 index 70b0811d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_20.png deleted file mode 100644 index f79ec3e63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character31/0586_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_01.png deleted file mode 100644 index ec1db9ba2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_02.png deleted file mode 100644 index aeaea2cd1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_03.png deleted file mode 100644 index fec657617..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_04.png deleted file mode 100644 index 0d43ec6c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_05.png deleted file mode 100644 index 61e01e6f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_06.png deleted file mode 100644 index db733afc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_07.png deleted file mode 100644 index d58651643..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_08.png deleted file mode 100644 index 5f329f73a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_09.png deleted file mode 100644 index 375a7747e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_10.png deleted file mode 100644 index aa3a17386..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_11.png deleted file mode 100644 index c462da352..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_12.png deleted file mode 100644 index 0f17a34a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_13.png deleted file mode 100644 index 62252a223..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_14.png deleted file mode 100644 index 6f322ca8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_15.png deleted file mode 100644 index 0b9121f66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_16.png deleted file mode 100644 index 93d8611f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_17.png deleted file mode 100644 index 148b5f284..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_18.png deleted file mode 100644 index daf7fa93d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_19.png deleted file mode 100644 index 099c66e1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_20.png deleted file mode 100644 index 0212fd637..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character32/0587_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_01.png deleted file mode 100644 index b3285d370..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_02.png deleted file mode 100644 index 3e2c1703b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_03.png deleted file mode 100644 index 5ed1a8ff2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_04.png deleted file mode 100644 index 02af1362c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_05.png deleted file mode 100644 index da8e4f5d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_06.png deleted file mode 100644 index 3fd04c55a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_07.png deleted file mode 100644 index 91303de3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_08.png deleted file mode 100644 index 60b9ffb46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_09.png deleted file mode 100644 index 801ddc37a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_10.png deleted file mode 100644 index 5f8127953..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_11.png deleted file mode 100644 index 465730a4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_12.png deleted file mode 100644 index c93ad5b0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_13.png deleted file mode 100644 index 6bb1cf242..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_14.png deleted file mode 100644 index 2cb1438df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_15.png deleted file mode 100644 index e1f6c0cd2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_16.png deleted file mode 100644 index 3a89a830d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_17.png deleted file mode 100644 index 662e0e6ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_18.png deleted file mode 100644 index 9f300790b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_19.png deleted file mode 100644 index 454dfc2b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_20.png deleted file mode 100644 index 15a62d225..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character33/0588_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_01.png deleted file mode 100644 index 403df606d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_02.png deleted file mode 100644 index 03dfffa78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_03.png deleted file mode 100644 index 15a92d300..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_04.png deleted file mode 100644 index e94325d84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_05.png deleted file mode 100644 index 3c5a8e41b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_06.png deleted file mode 100644 index c35468e40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_07.png deleted file mode 100644 index 834dc4bca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_08.png deleted file mode 100644 index 0c65819a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_09.png deleted file mode 100644 index af30649eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_10.png deleted file mode 100644 index 34264f0a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_11.png deleted file mode 100644 index 0136e2745..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_12.png deleted file mode 100644 index 5ea70033c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_13.png deleted file mode 100644 index 1410b75c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_14.png deleted file mode 100644 index d8d201767..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_15.png deleted file mode 100644 index bdda46c7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_16.png deleted file mode 100644 index b60b11cb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_17.png deleted file mode 100644 index 238f22735..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_18.png deleted file mode 100644 index 33416b686..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_19.png deleted file mode 100644 index ef07b42b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_20.png deleted file mode 100644 index 978ddea53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character34/0589_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_01.png deleted file mode 100644 index 6d7d4fa78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_02.png deleted file mode 100644 index eee17530c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_03.png deleted file mode 100644 index a504a8460..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_04.png deleted file mode 100644 index 0317d5956..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_05.png deleted file mode 100644 index c4e776364..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_06.png deleted file mode 100644 index 12ba27683..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_07.png deleted file mode 100644 index 038efef90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_08.png deleted file mode 100644 index fc699236e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_09.png deleted file mode 100644 index 5dcf49f90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_10.png deleted file mode 100644 index c8200dbd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_11.png deleted file mode 100644 index 1e84915b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_12.png deleted file mode 100644 index e295fa699..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_13.png deleted file mode 100644 index 6137ba8b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_14.png deleted file mode 100644 index 4a6318315..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_15.png deleted file mode 100644 index 8f55bc221..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_16.png deleted file mode 100644 index b0f996b23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_17.png deleted file mode 100644 index e33c9e2ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_18.png deleted file mode 100644 index fbdc8c3fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_19.png deleted file mode 100644 index 32d3144f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_20.png deleted file mode 100644 index 3ef1aa9a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character35/0590_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_01.png deleted file mode 100644 index 8aced2465..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_02.png deleted file mode 100644 index d91beb95f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_03.png deleted file mode 100644 index 2304c2e2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_04.png deleted file mode 100644 index 3c8d88fd6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_05.png deleted file mode 100644 index 4e3c3ada7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_06.png deleted file mode 100644 index 2f3d4032b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_07.png deleted file mode 100644 index 5d5224bed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_08.png deleted file mode 100644 index c348a4134..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_09.png deleted file mode 100644 index ab6c83458..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_10.png deleted file mode 100644 index a0f760cd5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_11.png deleted file mode 100644 index 339ec1cd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_12.png deleted file mode 100644 index b29d3d8a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_13.png deleted file mode 100644 index 2b4485461..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_14.png deleted file mode 100644 index 985e0e638..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_15.png deleted file mode 100644 index 12d76a93e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_16.png deleted file mode 100644 index 939c3ef48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_17.png deleted file mode 100644 index e50c0d2f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_18.png deleted file mode 100644 index 9f3bbda03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_19.png deleted file mode 100644 index d59faf45b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_20.png deleted file mode 100644 index 46bc77da7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character36/0591_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_01.png deleted file mode 100644 index 596af03c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_02.png deleted file mode 100644 index 8646862e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_03.png deleted file mode 100644 index e96e2498e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_04.png deleted file mode 100644 index 2f1d984e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_05.png deleted file mode 100644 index 44b16df48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_06.png deleted file mode 100644 index a55346e3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_07.png deleted file mode 100644 index 20f69a72f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_08.png deleted file mode 100644 index f88a34a9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_09.png deleted file mode 100644 index 47995fbd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_10.png deleted file mode 100644 index 6bf9bef7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_11.png deleted file mode 100644 index a17d3c131..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_12.png deleted file mode 100644 index b378a9147..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_13.png deleted file mode 100644 index 0763d95fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_14.png deleted file mode 100644 index 179befcb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_15.png deleted file mode 100644 index a399a1ebf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_16.png deleted file mode 100644 index d6dd2bccc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_17.png deleted file mode 100644 index 7cd85b91e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_18.png deleted file mode 100644 index e39b876fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_19.png deleted file mode 100644 index 55a4977bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_20.png deleted file mode 100644 index 69930ba58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character37/0592_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_01.png deleted file mode 100644 index 218611f92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_02.png deleted file mode 100644 index 41bac4a50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_03.png deleted file mode 100644 index a6c870add..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_04.png deleted file mode 100644 index 9037c4191..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_05.png deleted file mode 100644 index 9dc71f5e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_06.png deleted file mode 100644 index 7bb4adc91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_07.png deleted file mode 100644 index 97756e81c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_08.png deleted file mode 100644 index 9dd601ff8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_09.png deleted file mode 100644 index 4ee50ac43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_10.png deleted file mode 100644 index b72594b4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_11.png deleted file mode 100644 index 7a73602d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_12.png deleted file mode 100644 index 124ea94ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_13.png deleted file mode 100644 index b80efdc8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_14.png deleted file mode 100644 index a0c46652a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_15.png deleted file mode 100644 index 3d167287d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_16.png deleted file mode 100644 index 2ecb31d37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_17.png deleted file mode 100644 index aec829263..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_18.png deleted file mode 100644 index 3b99a4a46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_19.png deleted file mode 100644 index 5c650f970..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_20.png deleted file mode 100644 index 3092c3980..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character38/0593_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_01.png deleted file mode 100644 index 7d465cd94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_02.png deleted file mode 100644 index e02a28144..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_03.png deleted file mode 100644 index 09df07e72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_04.png deleted file mode 100644 index 3a19ba4d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_05.png deleted file mode 100644 index 17d4b6da1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_06.png deleted file mode 100644 index d814a6b0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_07.png deleted file mode 100644 index ca79e73a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_08.png deleted file mode 100644 index cd700605f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_09.png deleted file mode 100644 index 34d466c58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_10.png deleted file mode 100644 index 440792330..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_11.png deleted file mode 100644 index 3a6e98e46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_12.png deleted file mode 100644 index fd66d82ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_13.png deleted file mode 100644 index 963effbe6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_14.png deleted file mode 100644 index b82ede4a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_15.png deleted file mode 100644 index 11b743843..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_16.png deleted file mode 100644 index 8250d2e82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_17.png deleted file mode 100644 index 7938704d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_18.png deleted file mode 100644 index 7e071ee29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_19.png deleted file mode 100644 index 275d25d53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_20.png deleted file mode 100644 index f2188ea7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character39/0594_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_01.png deleted file mode 100644 index 75d6a76c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_02.png deleted file mode 100644 index 81fa0e88c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_03.png deleted file mode 100644 index f7d7fdf3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_04.png deleted file mode 100644 index 316f2a63d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_05.png deleted file mode 100644 index 65a4bac34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_06.png deleted file mode 100644 index d64e326e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_07.png deleted file mode 100644 index 01a8931cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_08.png deleted file mode 100644 index efd015d7b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_09.png deleted file mode 100644 index 703413151..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_10.png deleted file mode 100644 index f89b56372..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_11.png deleted file mode 100644 index cae71345b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_12.png deleted file mode 100644 index f37e3c36e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_13.png deleted file mode 100644 index e5313f7ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_14.png deleted file mode 100644 index 89569f82a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_15.png deleted file mode 100644 index c2e7904f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_16.png deleted file mode 100644 index f1e5dfa45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_17.png deleted file mode 100644 index 56bbd23a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_18.png deleted file mode 100644 index fb7e97b87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_19.png deleted file mode 100644 index 02fb3a186..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_20.png deleted file mode 100644 index 573b1e3f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Malay_(Jawi_-_Arabic)/character40/0595_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_01.png deleted file mode 100644 index 473c52f7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_02.png deleted file mode 100644 index 9287887de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_03.png deleted file mode 100644 index 783b77f5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_04.png deleted file mode 100644 index 2d2390d85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_05.png deleted file mode 100644 index 989c3160c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_06.png deleted file mode 100644 index 31e69fb08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_07.png deleted file mode 100644 index 2d5e39ae0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_08.png deleted file mode 100644 index dd7ae0dad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_09.png deleted file mode 100644 index 05c16333e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_10.png deleted file mode 100644 index 220064e3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_11.png deleted file mode 100644 index 63db19c78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_12.png deleted file mode 100644 index 90cae9fbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_13.png deleted file mode 100644 index 96999a315..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_14.png deleted file mode 100644 index 3f32a1125..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_15.png deleted file mode 100644 index ba7cec45e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_16.png deleted file mode 100644 index 65373827b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_17.png deleted file mode 100644 index 25e684b90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_18.png deleted file mode 100644 index 7ba0a2803..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_19.png deleted file mode 100644 index 336cbe94d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_20.png deleted file mode 100644 index a32c48530..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character01/0729_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_01.png deleted file mode 100644 index 45dd65f62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_02.png deleted file mode 100644 index bc32b77a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_03.png deleted file mode 100644 index e1ec4325b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_04.png deleted file mode 100644 index 3a35c18ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_05.png deleted file mode 100644 index 84edfbf6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_06.png deleted file mode 100644 index a44b519aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_07.png deleted file mode 100644 index f47d2e1ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_08.png deleted file mode 100644 index 98824153b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_09.png deleted file mode 100644 index 84ddeab1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_10.png deleted file mode 100644 index 270f0a79e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_11.png deleted file mode 100644 index e9f42f655..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_12.png deleted file mode 100644 index a7f4620fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_13.png deleted file mode 100644 index cfdcd3db1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_14.png deleted file mode 100644 index 96bee3373..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_15.png deleted file mode 100644 index 936724bce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_16.png deleted file mode 100644 index 3dbea8879..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_17.png deleted file mode 100644 index eaefc5246..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_18.png deleted file mode 100644 index 3a8399c29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_19.png deleted file mode 100644 index 6f9032593..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_20.png deleted file mode 100644 index d122e17c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character02/0730_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_01.png deleted file mode 100644 index f3f7b6c0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_02.png deleted file mode 100644 index d32966a2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_03.png deleted file mode 100644 index f31f268ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_04.png deleted file mode 100644 index a7cff71c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_05.png deleted file mode 100644 index c2bacd58a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_06.png deleted file mode 100644 index 6e571ea4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_07.png deleted file mode 100644 index c8cd80847..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_08.png deleted file mode 100644 index 9dd92e0bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_09.png deleted file mode 100644 index 4757deb53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_10.png deleted file mode 100644 index 43fe45551..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_11.png deleted file mode 100644 index b8e7d4991..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_12.png deleted file mode 100644 index 2eb70a048..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_13.png deleted file mode 100644 index 4ae4d3b4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_14.png deleted file mode 100644 index 2ade40969..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_15.png deleted file mode 100644 index 1fc5f3db6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_16.png deleted file mode 100644 index 7b3356e9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_17.png deleted file mode 100644 index 71124cd7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_18.png deleted file mode 100644 index 8c0c8a9f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_19.png deleted file mode 100644 index bd203e56e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_20.png deleted file mode 100644 index ed6ab9acf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character03/0731_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_01.png deleted file mode 100644 index 946971b6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_02.png deleted file mode 100644 index 89340e0f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_03.png deleted file mode 100644 index 2fea6bc4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_04.png deleted file mode 100644 index c52341769..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_05.png deleted file mode 100644 index 485cf2612..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_06.png deleted file mode 100644 index 6b8d1d142..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_07.png deleted file mode 100644 index 4a1c32cb8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_08.png deleted file mode 100644 index bbaa7d972..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_09.png deleted file mode 100644 index d7615e260..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_10.png deleted file mode 100644 index d518c4d53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_11.png deleted file mode 100644 index 6a63d1288..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_12.png deleted file mode 100644 index 7882bd215..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_13.png deleted file mode 100644 index 32ea2601f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_14.png deleted file mode 100644 index 1b2ad7c36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_15.png deleted file mode 100644 index 26d999e9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_16.png deleted file mode 100644 index 988ed4fde..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_17.png deleted file mode 100644 index 2cf8e1736..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_18.png deleted file mode 100644 index 24358e76c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_19.png deleted file mode 100644 index 2496fbf57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_20.png deleted file mode 100644 index 7c2c14743..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character04/0732_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_01.png deleted file mode 100644 index 1bbeb40c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_02.png deleted file mode 100644 index 55c5ed173..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_03.png deleted file mode 100644 index 6e2aed55b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_04.png deleted file mode 100644 index ad409209b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_05.png deleted file mode 100644 index 789ef19d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_06.png deleted file mode 100644 index aa5385c79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_07.png deleted file mode 100644 index e34c2bbe5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_08.png deleted file mode 100644 index 5a192d2c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_09.png deleted file mode 100644 index 9b385778c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_10.png deleted file mode 100644 index 3fc6da893..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_11.png deleted file mode 100644 index afa7de42c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_12.png deleted file mode 100644 index 1300179a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_13.png deleted file mode 100644 index 0aafcb51a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_14.png deleted file mode 100644 index f88ad1c71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_15.png deleted file mode 100644 index 92d384646..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_16.png deleted file mode 100644 index 53948914c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_17.png deleted file mode 100644 index f0f3f4f63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_18.png deleted file mode 100644 index fecb21090..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_19.png deleted file mode 100644 index cf45e5d2e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_20.png deleted file mode 100644 index 914c5dd1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character05/0733_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_01.png deleted file mode 100644 index 9f2e9ae19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_02.png deleted file mode 100644 index db2b1f4e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_03.png deleted file mode 100644 index e829b9b8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_04.png deleted file mode 100644 index f9b8eb8aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_05.png deleted file mode 100644 index 3637936e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_06.png deleted file mode 100644 index 0cfa709ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_07.png deleted file mode 100644 index b4a57b468..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_08.png deleted file mode 100644 index f51a6a9a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_09.png deleted file mode 100644 index b3efb6016..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_10.png deleted file mode 100644 index 747c8897c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_11.png deleted file mode 100644 index 8d6cd5fe6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_12.png deleted file mode 100644 index f8633f726..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_13.png deleted file mode 100644 index 0b2dffbb3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_14.png deleted file mode 100644 index 1cbde2907..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_15.png deleted file mode 100644 index 7175fc8b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_16.png deleted file mode 100644 index 9567c1c82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_17.png deleted file mode 100644 index 426c71e39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_18.png deleted file mode 100644 index 2cd43641b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_19.png deleted file mode 100644 index d5ee6dadd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_20.png deleted file mode 100644 index 08efee1bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character06/0734_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_01.png deleted file mode 100644 index 1be905901..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_02.png deleted file mode 100644 index 74e999240..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_03.png deleted file mode 100644 index 9d9d8726a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_04.png deleted file mode 100644 index d84691c15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_05.png deleted file mode 100644 index 1041691c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_06.png deleted file mode 100644 index ea503e4c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_07.png deleted file mode 100644 index 11a3e9b4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_08.png deleted file mode 100644 index 80ed5e96c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_09.png deleted file mode 100644 index dcc76ea03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_10.png deleted file mode 100644 index ccc2a4742..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_11.png deleted file mode 100644 index 41c337c71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_12.png deleted file mode 100644 index b18c536dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_13.png deleted file mode 100644 index 9a5596884..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_14.png deleted file mode 100644 index 0120dcdf9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_15.png deleted file mode 100644 index 1888c0098..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_16.png deleted file mode 100644 index 12327b7c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_17.png deleted file mode 100644 index af736e526..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_18.png deleted file mode 100644 index 8975860bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_19.png deleted file mode 100644 index 9b451d6f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_20.png deleted file mode 100644 index 30ce58000..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character07/0735_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_01.png deleted file mode 100644 index 102eaf52c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_02.png deleted file mode 100644 index d1a439986..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_03.png deleted file mode 100644 index ec74ed815..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_04.png deleted file mode 100644 index 1baaac235..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_05.png deleted file mode 100644 index 4d0db3b70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_06.png deleted file mode 100644 index f09f4f7c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_07.png deleted file mode 100644 index 918e4ffe2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_08.png deleted file mode 100644 index 3c47ce0bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_09.png deleted file mode 100644 index 85e315f77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_10.png deleted file mode 100644 index a0e17301d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_11.png deleted file mode 100644 index e93ec552c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_12.png deleted file mode 100644 index 750f2eaa3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_13.png deleted file mode 100644 index 72165909b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_14.png deleted file mode 100644 index 167dafe12..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_15.png deleted file mode 100644 index 60e2993ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_16.png deleted file mode 100644 index 00482ad83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_17.png deleted file mode 100644 index 02a3699bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_18.png deleted file mode 100644 index ed8a2d440..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_19.png deleted file mode 100644 index d095549fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_20.png deleted file mode 100644 index ec2953de3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character08/0736_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_01.png deleted file mode 100644 index 7fe795b53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_02.png deleted file mode 100644 index 589b9bcd4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_03.png deleted file mode 100644 index be230a759..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_04.png deleted file mode 100644 index a42cfde19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_05.png deleted file mode 100644 index e58e3c117..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_06.png deleted file mode 100644 index 7491d013e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_07.png deleted file mode 100644 index 8dd86c2ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_08.png deleted file mode 100644 index 1f2f3c938..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_09.png deleted file mode 100644 index 98b87748f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_10.png deleted file mode 100644 index c71bf1e60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_11.png deleted file mode 100644 index 62896be90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_12.png deleted file mode 100644 index 57d50dd30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_13.png deleted file mode 100644 index 6f0dfcea3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_14.png deleted file mode 100644 index 4f000ec11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_15.png deleted file mode 100644 index 352568e1d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_16.png deleted file mode 100644 index 646c4ae1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_17.png deleted file mode 100644 index 00b566726..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_18.png deleted file mode 100644 index afd784091..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_19.png deleted file mode 100644 index 3918115ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_20.png deleted file mode 100644 index 20aba6900..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character09/0737_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_01.png deleted file mode 100644 index bf218a1b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_02.png deleted file mode 100644 index 2eac08244..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_03.png deleted file mode 100644 index c3e40cd06..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_04.png deleted file mode 100644 index 58bbed788..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_05.png deleted file mode 100644 index e016225eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_06.png deleted file mode 100644 index 02d198a31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_07.png deleted file mode 100644 index 9ef3d1d33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_08.png deleted file mode 100644 index b7d7268b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_09.png deleted file mode 100644 index 766880f81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_10.png deleted file mode 100644 index 51d176679..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_11.png deleted file mode 100644 index c85a0fbf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_12.png deleted file mode 100644 index 124020c19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_13.png deleted file mode 100644 index 464ded579..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_14.png deleted file mode 100644 index b0cb24f41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_15.png deleted file mode 100644 index fedadadc8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_16.png deleted file mode 100644 index 9a782820a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_17.png deleted file mode 100644 index 0cf41eb7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_18.png deleted file mode 100644 index 9fa6c8c4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_19.png deleted file mode 100644 index 8518e7c57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_20.png deleted file mode 100644 index f5901ab18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character10/0738_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_01.png deleted file mode 100644 index bcfd54494..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_02.png deleted file mode 100644 index f43f5df27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_03.png deleted file mode 100644 index 77925b63a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_04.png deleted file mode 100644 index 90d83a7fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_05.png deleted file mode 100644 index e9c7a87be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_06.png deleted file mode 100644 index 568c7f084..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_07.png deleted file mode 100644 index 001c1da32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_08.png deleted file mode 100644 index 014e9b8ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_09.png deleted file mode 100644 index 983833928..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_10.png deleted file mode 100644 index 1a8c71360..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_11.png deleted file mode 100644 index 1eca07013..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_12.png deleted file mode 100644 index fc03bee6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_13.png deleted file mode 100644 index c4d0ca8c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_14.png deleted file mode 100644 index 6413b0f89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_15.png deleted file mode 100644 index d9971dfda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_16.png deleted file mode 100644 index 312bb0d96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_17.png deleted file mode 100644 index 6bdc03380..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_18.png deleted file mode 100644 index 0ca82a20b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_19.png deleted file mode 100644 index 1e8cfec20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_20.png deleted file mode 100644 index f954f796c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character11/0739_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_01.png deleted file mode 100644 index 7e3febbe5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_02.png deleted file mode 100644 index 3a34430d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_03.png deleted file mode 100644 index a310960fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_04.png deleted file mode 100644 index aaf555b9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_05.png deleted file mode 100644 index 92612b72a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_06.png deleted file mode 100644 index dc1e25d78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_07.png deleted file mode 100644 index afbfee66b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_08.png deleted file mode 100644 index 889684a1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_09.png deleted file mode 100644 index 10f7f8ae9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_10.png deleted file mode 100644 index 7f29f17af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_11.png deleted file mode 100644 index 1a6cc93b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_12.png deleted file mode 100644 index 16cb86677..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_13.png deleted file mode 100644 index 0937dd84d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_14.png deleted file mode 100644 index 22191c686..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_15.png deleted file mode 100644 index c020e75ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_16.png deleted file mode 100644 index 52502b400..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_17.png deleted file mode 100644 index 51b8fd555..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_18.png deleted file mode 100644 index 046ee241a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_19.png deleted file mode 100644 index cf4ed11ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_20.png deleted file mode 100644 index 91fa528ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character12/0740_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_01.png deleted file mode 100644 index 532c32cf0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_02.png deleted file mode 100644 index e70658135..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_03.png deleted file mode 100644 index b23d1b1ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_04.png deleted file mode 100644 index 4742bb9de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_05.png deleted file mode 100644 index e37f9fc00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_06.png deleted file mode 100644 index db6b2d33a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_07.png deleted file mode 100644 index fedeeadba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_08.png deleted file mode 100644 index f86753706..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_09.png deleted file mode 100644 index cd481556c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_10.png deleted file mode 100644 index 931235464..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_11.png deleted file mode 100644 index 89021d84a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_12.png deleted file mode 100644 index 6ba3d124d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_13.png deleted file mode 100644 index 37fde377a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_14.png deleted file mode 100644 index 4f42abd0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_15.png deleted file mode 100644 index cce63c7ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_16.png deleted file mode 100644 index a8bb11983..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_17.png deleted file mode 100644 index 51a2cc3a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_18.png deleted file mode 100644 index 5b8f41fcb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_19.png deleted file mode 100644 index 6a6037b04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_20.png deleted file mode 100644 index 1d48b2ccf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character13/0741_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_01.png deleted file mode 100644 index a9a373fbf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_02.png deleted file mode 100644 index d6e223860..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_03.png deleted file mode 100644 index 23323acfa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_04.png deleted file mode 100644 index 4f3606119..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_05.png deleted file mode 100644 index 9e4696cd1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_06.png deleted file mode 100644 index a0735e626..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_07.png deleted file mode 100644 index 8384bced8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_08.png deleted file mode 100644 index cf0b0dd29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_09.png deleted file mode 100644 index 32632cc45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_10.png deleted file mode 100644 index 8369453ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_11.png deleted file mode 100644 index 42015e0dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_12.png deleted file mode 100644 index 535e7a578..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_13.png deleted file mode 100644 index 440eb106a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_14.png deleted file mode 100644 index 69ac9ef96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_15.png deleted file mode 100644 index 345c14441..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_16.png deleted file mode 100644 index ae02ca247..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_17.png deleted file mode 100644 index 5fa7f1f64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_18.png deleted file mode 100644 index d0d6c9c7b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_19.png deleted file mode 100644 index 4335de146..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_20.png deleted file mode 100644 index 6fa3ec042..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character14/0742_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_01.png deleted file mode 100644 index c490bc484..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_02.png deleted file mode 100644 index 18a3ea309..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_03.png deleted file mode 100644 index 0c0245cdb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_04.png deleted file mode 100644 index db077cbe6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_05.png deleted file mode 100644 index d0ea6c5b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_06.png deleted file mode 100644 index 8eda03f7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_07.png deleted file mode 100644 index 1a3db9ba8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_08.png deleted file mode 100644 index a1633cbbe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_09.png deleted file mode 100644 index a3cafdf73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_10.png deleted file mode 100644 index 00aa8d113..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_11.png deleted file mode 100644 index c93a06df3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_12.png deleted file mode 100644 index a0c95f0ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_13.png deleted file mode 100644 index 9bb19cbee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_14.png deleted file mode 100644 index 7e2c2c4ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_15.png deleted file mode 100644 index 441d6ed39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_16.png deleted file mode 100644 index d31e8e927..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_17.png deleted file mode 100644 index 81e931217..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_18.png deleted file mode 100644 index ccdb3f706..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_19.png deleted file mode 100644 index 31508cf49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_20.png deleted file mode 100644 index c1e5957f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character15/0743_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_01.png deleted file mode 100644 index 5d9aeae4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_02.png deleted file mode 100644 index 79a573131..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_03.png deleted file mode 100644 index c20f2999e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_04.png deleted file mode 100644 index 6c778a9b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_05.png deleted file mode 100644 index 3977c05c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_06.png deleted file mode 100644 index fa6f86c02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_07.png deleted file mode 100644 index c9b6078dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_08.png deleted file mode 100644 index 701c446f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_09.png deleted file mode 100644 index 1f6893aa2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_10.png deleted file mode 100644 index bd8c66a44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_11.png deleted file mode 100644 index 937a4e399..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_12.png deleted file mode 100644 index 79c8c8192..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_13.png deleted file mode 100644 index b7f688afd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_14.png deleted file mode 100644 index a01a92448..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_15.png deleted file mode 100644 index 6b5a146e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_16.png deleted file mode 100644 index 959ff34e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_17.png deleted file mode 100644 index 8828e1eb0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_18.png deleted file mode 100644 index a570b878e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_19.png deleted file mode 100644 index 64d94de6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_20.png deleted file mode 100644 index fb5cff73f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character16/0744_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_01.png deleted file mode 100644 index 3ae41f88c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_02.png deleted file mode 100644 index 09ab28ff4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_03.png deleted file mode 100644 index 7d52180c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_04.png deleted file mode 100644 index 3953ab766..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_05.png deleted file mode 100644 index e9580aeee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_06.png deleted file mode 100644 index 1d1c4ddf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_07.png deleted file mode 100644 index 54532c6b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_08.png deleted file mode 100644 index e7ab67f17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_09.png deleted file mode 100644 index 0d5de9af9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_10.png deleted file mode 100644 index ef4cecf02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_11.png deleted file mode 100644 index 3b1bd7026..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_12.png deleted file mode 100644 index 267189eb2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_13.png deleted file mode 100644 index 84990db59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_14.png deleted file mode 100644 index 9a2640312..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_15.png deleted file mode 100644 index c6cc00eba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_16.png deleted file mode 100644 index 0d1ebc5b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_17.png deleted file mode 100644 index bb1b3ee3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_18.png deleted file mode 100644 index 17c73b040..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_19.png deleted file mode 100644 index 00fbc1cc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_20.png deleted file mode 100644 index 72014ee7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character17/0745_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_01.png deleted file mode 100644 index 53591a0c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_02.png deleted file mode 100644 index 8e075063e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_03.png deleted file mode 100644 index 9d02b1bbf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_04.png deleted file mode 100644 index 70d4510dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_05.png deleted file mode 100644 index c1ad38a80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_06.png deleted file mode 100644 index d892fc4e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_07.png deleted file mode 100644 index e471ab94d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_08.png deleted file mode 100644 index b2b11e50f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_09.png deleted file mode 100644 index 7ee072918..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_10.png deleted file mode 100644 index e7903ef3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_11.png deleted file mode 100644 index bc69d13a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_12.png deleted file mode 100644 index 2a2092c7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_13.png deleted file mode 100644 index d3331427c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_14.png deleted file mode 100644 index 6c7598b9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_15.png deleted file mode 100644 index 667b24ce9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_16.png deleted file mode 100644 index 7d436913d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_17.png deleted file mode 100644 index 05b3a2eca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_18.png deleted file mode 100644 index d3bd65455..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_19.png deleted file mode 100644 index 95bd312c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_20.png deleted file mode 100644 index 056bdd9cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character18/0746_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_01.png deleted file mode 100644 index 00179c9e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_02.png deleted file mode 100644 index e3f320296..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_03.png deleted file mode 100644 index 77bdb23c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_04.png deleted file mode 100644 index c6b3eece4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_05.png deleted file mode 100644 index b85f0a207..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_06.png deleted file mode 100644 index 8c0dc80d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_07.png deleted file mode 100644 index ffd31c875..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_08.png deleted file mode 100644 index 52db49037..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_09.png deleted file mode 100644 index 31469fa18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_10.png deleted file mode 100644 index 82d615b10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_11.png deleted file mode 100644 index 65ba3c54d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_12.png deleted file mode 100644 index 469daa522..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_13.png deleted file mode 100644 index 0f906bc7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_14.png deleted file mode 100644 index 92e16d8ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_15.png deleted file mode 100644 index 4c5d54b80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_16.png deleted file mode 100644 index 04812698a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_17.png deleted file mode 100644 index 9866b4066..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_18.png deleted file mode 100644 index 94ba2817d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_19.png deleted file mode 100644 index 2e7ac59f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_20.png deleted file mode 100644 index 9c24cae7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character19/0747_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_01.png deleted file mode 100644 index 898159037..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_02.png deleted file mode 100644 index 3ac0add0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_03.png deleted file mode 100644 index c3368d1c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_04.png deleted file mode 100644 index 7fdbd740e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_05.png deleted file mode 100644 index b2319594c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_06.png deleted file mode 100644 index aa3c0c4ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_07.png deleted file mode 100644 index cf47ea24f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_08.png deleted file mode 100644 index ee866e56d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_09.png deleted file mode 100644 index 1432b1c7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_10.png deleted file mode 100644 index 286d5469d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_11.png deleted file mode 100644 index 1add91a8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_12.png deleted file mode 100644 index 43257a675..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_13.png deleted file mode 100644 index 7e755f15b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_14.png deleted file mode 100644 index 4215f97fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_15.png deleted file mode 100644 index 882904c75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_16.png deleted file mode 100644 index 03ff7831d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_17.png deleted file mode 100644 index da54b09be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_18.png deleted file mode 100644 index 3f5f9513f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_19.png deleted file mode 100644 index 194a1e579..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_20.png deleted file mode 100644 index 94d8f0016..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character20/0748_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_01.png deleted file mode 100644 index 7bf0e367d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_02.png deleted file mode 100644 index 28c23d888..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_03.png deleted file mode 100644 index 2512d6676..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_04.png deleted file mode 100644 index 19adaeb66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_05.png deleted file mode 100644 index aba799886..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_06.png deleted file mode 100644 index eb5f0f25d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_07.png deleted file mode 100644 index 9f98f80af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_08.png deleted file mode 100644 index 08336025f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_09.png deleted file mode 100644 index 61ce61d4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_10.png deleted file mode 100644 index a9136cafc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_11.png deleted file mode 100644 index 8d6f5b8e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_12.png deleted file mode 100644 index e4499aa88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_13.png deleted file mode 100644 index 1f635f62b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_14.png deleted file mode 100644 index e530457b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_15.png deleted file mode 100644 index e9e50073e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_16.png deleted file mode 100644 index 8f3996764..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_17.png deleted file mode 100644 index 300de3934..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_18.png deleted file mode 100644 index dc0541cb1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_19.png deleted file mode 100644 index d29ff45d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_20.png deleted file mode 100644 index f42385172..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character21/0749_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_01.png deleted file mode 100644 index d2521e8bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_02.png deleted file mode 100644 index c36c85491..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_03.png deleted file mode 100644 index 493f94b5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_04.png deleted file mode 100644 index 6c90ba3c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_05.png deleted file mode 100644 index 30d214b28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_06.png deleted file mode 100644 index 893929a20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_07.png deleted file mode 100644 index 0ff6ec93e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_08.png deleted file mode 100644 index 89ce4adf5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_09.png deleted file mode 100644 index 2f2020fa8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_10.png deleted file mode 100644 index c2059dc8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_11.png deleted file mode 100644 index 4621ba572..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_12.png deleted file mode 100644 index 73974377f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_13.png deleted file mode 100644 index 3ec1a001a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_14.png deleted file mode 100644 index a13ac8205..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_15.png deleted file mode 100644 index e9cf8c9e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_16.png deleted file mode 100644 index d1666736a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_17.png deleted file mode 100644 index a917c2f9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_18.png deleted file mode 100644 index 72daf62d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_19.png deleted file mode 100644 index 02817ae0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_20.png deleted file mode 100644 index 764f4ae9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character22/0750_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_01.png deleted file mode 100644 index 4ecb85676..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_02.png deleted file mode 100644 index 0dfecc854..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_03.png deleted file mode 100644 index 6deaed8bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_04.png deleted file mode 100644 index 01a15f138..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_05.png deleted file mode 100644 index 5d2c4951b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_06.png deleted file mode 100644 index 9a7bbdfde..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_07.png deleted file mode 100644 index c477b2b9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_08.png deleted file mode 100644 index d624bb642..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_09.png deleted file mode 100644 index 37d44c6e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_10.png deleted file mode 100644 index 1dd154212..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_11.png deleted file mode 100644 index ffcb3ecd1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_12.png deleted file mode 100644 index ea67fca84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_13.png deleted file mode 100644 index 81593c271..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_14.png deleted file mode 100644 index cca036638..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_15.png deleted file mode 100644 index a4deaceaf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_16.png deleted file mode 100644 index c6ccbf5d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_17.png deleted file mode 100644 index f8ee93594..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_18.png deleted file mode 100644 index fc9841e1d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_19.png deleted file mode 100644 index e536110dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_20.png deleted file mode 100644 index 2d5de10b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character23/0751_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_01.png deleted file mode 100644 index a88f1570a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_02.png deleted file mode 100644 index 10759fd16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_03.png deleted file mode 100644 index ee332e6d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_04.png deleted file mode 100644 index b7c61f66d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_05.png deleted file mode 100644 index 36ceecc1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_06.png deleted file mode 100644 index 6a0d791b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_07.png deleted file mode 100644 index 817ffe962..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_08.png deleted file mode 100644 index df418ff4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_09.png deleted file mode 100644 index 3dff937e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_10.png deleted file mode 100644 index 69dee39a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_11.png deleted file mode 100644 index fd8c0bdd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_12.png deleted file mode 100644 index f4f1d2922..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_13.png deleted file mode 100644 index 2def4c520..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_14.png deleted file mode 100644 index b321058af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_15.png deleted file mode 100644 index dc725014e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_16.png deleted file mode 100644 index 84ba3c5dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_17.png deleted file mode 100644 index 28da17112..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_18.png deleted file mode 100644 index ccbab0cf4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_19.png deleted file mode 100644 index c2292aad5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_20.png deleted file mode 100644 index 0e88df274..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character24/0752_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_01.png deleted file mode 100644 index 32bfd4def..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_02.png deleted file mode 100644 index 4ba458133..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_03.png deleted file mode 100644 index fe9e76ba6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_04.png deleted file mode 100644 index b4d53db85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_05.png deleted file mode 100644 index eabf66e94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_06.png deleted file mode 100644 index 0a1002de0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_07.png deleted file mode 100644 index 9b5097903..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_08.png deleted file mode 100644 index 30b1b0e45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_09.png deleted file mode 100644 index 17b56a99f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_10.png deleted file mode 100644 index d3b5b7def..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_11.png deleted file mode 100644 index 8da9df010..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_12.png deleted file mode 100644 index b98d46ed4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_13.png deleted file mode 100644 index 266852e87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_14.png deleted file mode 100644 index f2e7e2e08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_15.png deleted file mode 100644 index c17bcb690..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_16.png deleted file mode 100644 index 9cffd562e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_17.png deleted file mode 100644 index 50b9306af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_18.png deleted file mode 100644 index 746a20681..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_19.png deleted file mode 100644 index f55903c8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_20.png deleted file mode 100644 index 7a1e00653..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character25/0753_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_01.png deleted file mode 100644 index 63a711cf6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_02.png deleted file mode 100644 index 92ef007da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_03.png deleted file mode 100644 index 7327f0da3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_04.png deleted file mode 100644 index 6673aa29f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_05.png deleted file mode 100644 index f9a6af28a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_06.png deleted file mode 100644 index 2034ce075..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_07.png deleted file mode 100644 index 901652877..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_08.png deleted file mode 100644 index 671479947..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_09.png deleted file mode 100644 index ef1a2cbbf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_10.png deleted file mode 100644 index 31fc71180..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_11.png deleted file mode 100644 index bef7c383f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_12.png deleted file mode 100644 index fe01a6ddf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_13.png deleted file mode 100644 index fc07c895b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_14.png deleted file mode 100644 index cfb7b3682..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_15.png deleted file mode 100644 index bf6946dd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_16.png deleted file mode 100644 index 155568b21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_17.png deleted file mode 100644 index 34a49b1aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_18.png deleted file mode 100644 index f48221488..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_19.png deleted file mode 100644 index 08734d138..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_20.png deleted file mode 100644 index bdfa92bc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character26/0754_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_01.png deleted file mode 100644 index f1066061a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_02.png deleted file mode 100644 index adbb56523..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_03.png deleted file mode 100644 index 181909f9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_04.png deleted file mode 100644 index 0951d507a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_05.png deleted file mode 100644 index 88c38370f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_06.png deleted file mode 100644 index 638b762b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_07.png deleted file mode 100644 index 7c7b64285..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_08.png deleted file mode 100644 index c8f7e5205..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_09.png deleted file mode 100644 index 044868073..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_10.png deleted file mode 100644 index d1bf2e428..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_11.png deleted file mode 100644 index 95a9904b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_12.png deleted file mode 100644 index 942e59eb7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_13.png deleted file mode 100644 index fccfb807c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_14.png deleted file mode 100644 index 1b2f7486e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_15.png deleted file mode 100644 index 6951e7be3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_16.png deleted file mode 100644 index 7891e208a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_17.png deleted file mode 100644 index 0a9e5e935..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_18.png deleted file mode 100644 index bb25486af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_19.png deleted file mode 100644 index 5ae548a5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_20.png deleted file mode 100644 index 60f59442f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character27/0755_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_01.png deleted file mode 100644 index 72689bbb2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_02.png deleted file mode 100644 index 3ee4d4804..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_03.png deleted file mode 100644 index 3982cf9c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_04.png deleted file mode 100644 index c7fbb0636..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_05.png deleted file mode 100644 index c4cbda369..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_06.png deleted file mode 100644 index 85b4d05dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_07.png deleted file mode 100644 index f99769e94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_08.png deleted file mode 100644 index 07c4b281d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_09.png deleted file mode 100644 index 91556b822..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_10.png deleted file mode 100644 index 359c13f15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_11.png deleted file mode 100644 index 2545c5f43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_12.png deleted file mode 100644 index dc0dccb56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_13.png deleted file mode 100644 index 8f668096e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_14.png deleted file mode 100644 index c76adbed5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_15.png deleted file mode 100644 index 01dc5390e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_16.png deleted file mode 100644 index 9c162ac58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_17.png deleted file mode 100644 index de94dc18a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_18.png deleted file mode 100644 index a9307a39b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_19.png deleted file mode 100644 index a0cf965d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_20.png deleted file mode 100644 index 11dc9eece..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character28/0756_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_01.png deleted file mode 100644 index 3a15fb95b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_02.png deleted file mode 100644 index ccf6abb2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_03.png deleted file mode 100644 index 654a05785..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_04.png deleted file mode 100644 index 34cd68d1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_05.png deleted file mode 100644 index c2baaadd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_06.png deleted file mode 100644 index 33c721deb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_07.png deleted file mode 100644 index 401e5c95c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_08.png deleted file mode 100644 index d6de16c55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_09.png deleted file mode 100644 index 042d1901d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_10.png deleted file mode 100644 index 676690d67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_11.png deleted file mode 100644 index 704954746..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_12.png deleted file mode 100644 index cecd97bdd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_13.png deleted file mode 100644 index 6089dbe56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_14.png deleted file mode 100644 index 56a019492..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_15.png deleted file mode 100644 index a71128fe8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_16.png deleted file mode 100644 index c9c63e5f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_17.png deleted file mode 100644 index 2619e57f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_18.png deleted file mode 100644 index 77f198ebb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_19.png deleted file mode 100644 index b7e8088a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_20.png deleted file mode 100644 index cb350f3e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character29/0757_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_01.png deleted file mode 100644 index 00e162246..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_02.png deleted file mode 100644 index 46273212a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_03.png deleted file mode 100644 index 9cce3ebdb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_04.png deleted file mode 100644 index 812f02ae6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_05.png deleted file mode 100644 index 5ccdc0b6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_06.png deleted file mode 100644 index 35f53fceb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_07.png deleted file mode 100644 index e784172f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_08.png deleted file mode 100644 index 690ce53f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_09.png deleted file mode 100644 index 2ba40c92e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_10.png deleted file mode 100644 index 3b6ea84ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_11.png deleted file mode 100644 index f21227747..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_12.png deleted file mode 100644 index 14b57d12e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_13.png deleted file mode 100644 index 7808b5ef0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_14.png deleted file mode 100644 index 770962c87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_15.png deleted file mode 100644 index 2a61e19ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_16.png deleted file mode 100644 index 6127f0ec9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_17.png deleted file mode 100644 index 72bb894c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_18.png deleted file mode 100644 index 18560a3c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_19.png deleted file mode 100644 index 3d2bf8dfd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_20.png deleted file mode 100644 index ab886e508..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character30/0758_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_01.png deleted file mode 100644 index fc9dfa28d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_02.png deleted file mode 100644 index 7e74b7e1d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_03.png deleted file mode 100644 index f06c2300f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_04.png deleted file mode 100644 index 2e0e9bbdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_05.png deleted file mode 100644 index cfee9c133..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_06.png deleted file mode 100644 index 45c523420..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_07.png deleted file mode 100644 index cf7a571a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_08.png deleted file mode 100644 index 80f19ec78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_09.png deleted file mode 100644 index 967da291e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_10.png deleted file mode 100644 index 1562fac6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_11.png deleted file mode 100644 index 1be716ed4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_12.png deleted file mode 100644 index 903e36fda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_13.png deleted file mode 100644 index 82e44e215..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_14.png deleted file mode 100644 index 9fb9d60e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_15.png deleted file mode 100644 index d2a22f436..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_16.png deleted file mode 100644 index ccd6589f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_17.png deleted file mode 100644 index 16fb69c81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_18.png deleted file mode 100644 index b0c3aaccb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_19.png deleted file mode 100644 index 11bc6b55e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_20.png deleted file mode 100644 index f1f0bede8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character31/0759_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_01.png deleted file mode 100644 index 364195f9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_02.png deleted file mode 100644 index 4369a05d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_03.png deleted file mode 100644 index 5463d8c35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_04.png deleted file mode 100644 index 78c278a9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_05.png deleted file mode 100644 index 6bb351d61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_06.png deleted file mode 100644 index 52560c6c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_07.png deleted file mode 100644 index 00a1ce083..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_08.png deleted file mode 100644 index 2e7b1235f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_09.png deleted file mode 100644 index a9c41ac72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_10.png deleted file mode 100644 index 95a05567d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_11.png deleted file mode 100644 index 962e8cee2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_12.png deleted file mode 100644 index 58923085b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_13.png deleted file mode 100644 index bc046ec4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_14.png deleted file mode 100644 index e78194ca9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_15.png deleted file mode 100644 index 6951fdeb8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_16.png deleted file mode 100644 index 4cd0096ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_17.png deleted file mode 100644 index 5db71ca59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_18.png deleted file mode 100644 index ae1a1f3f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_19.png deleted file mode 100644 index 1b1071a3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_20.png deleted file mode 100644 index 9d79ae252..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character32/0760_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_01.png deleted file mode 100644 index 2e61a0818..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_02.png deleted file mode 100644 index 7aa892469..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_03.png deleted file mode 100644 index ef31c665e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_04.png deleted file mode 100644 index 3223862fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_05.png deleted file mode 100644 index 1b1f80a53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_06.png deleted file mode 100644 index d4159e343..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_07.png deleted file mode 100644 index a1f169c2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_08.png deleted file mode 100644 index f9be3f050..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_09.png deleted file mode 100644 index 92c7033c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_10.png deleted file mode 100644 index ab65e3b72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_11.png deleted file mode 100644 index c24576809..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_12.png deleted file mode 100644 index bcf425ec0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_13.png deleted file mode 100644 index 204c5ce08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_14.png deleted file mode 100644 index 6ea20e2ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_15.png deleted file mode 100644 index 63db3535c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_16.png deleted file mode 100644 index 2d1061447..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_17.png deleted file mode 100644 index 3eb8bee94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_18.png deleted file mode 100644 index 8acba82d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_19.png deleted file mode 100644 index ba445d9cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_20.png deleted file mode 100644 index f7eec2647..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character33/0761_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_01.png deleted file mode 100644 index 2371c4141..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_02.png deleted file mode 100644 index bd3af1dde..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_03.png deleted file mode 100644 index f46b8aad6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_04.png deleted file mode 100644 index 9aa4b9ba7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_05.png deleted file mode 100644 index dc8b28800..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_06.png deleted file mode 100644 index c22bb6fb7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_07.png deleted file mode 100644 index 30079f0af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_08.png deleted file mode 100644 index 9ab5fe274..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_09.png deleted file mode 100644 index 74118118b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_10.png deleted file mode 100644 index aae784484..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_11.png deleted file mode 100644 index 64fcfa65e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_12.png deleted file mode 100644 index d9aa7bba7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_13.png deleted file mode 100644 index df4082b32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_14.png deleted file mode 100644 index 2fefbd477..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_15.png deleted file mode 100644 index 948b0d3f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_16.png deleted file mode 100644 index f87597079..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_17.png deleted file mode 100644 index eec8c1ce5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_18.png deleted file mode 100644 index 624230427..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_19.png deleted file mode 100644 index b68837528..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_20.png deleted file mode 100644 index 5f43ba130..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character34/0762_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_01.png deleted file mode 100644 index d6a9556b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_02.png deleted file mode 100644 index 61ebf7937..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_03.png deleted file mode 100644 index 0da004e13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_04.png deleted file mode 100644 index 81c0814b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_05.png deleted file mode 100644 index 8e79e6ab9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_06.png deleted file mode 100644 index b5993235c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_07.png deleted file mode 100644 index 93b246a27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_08.png deleted file mode 100644 index 0b0882981..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_09.png deleted file mode 100644 index b4f924539..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_10.png deleted file mode 100644 index c0936113a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_11.png deleted file mode 100644 index 8d62bb9f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_12.png deleted file mode 100644 index d00e50244..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_13.png deleted file mode 100644 index ff2c96236..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_14.png deleted file mode 100644 index 269c49adb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_15.png deleted file mode 100644 index 256f15c83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_16.png deleted file mode 100644 index 25fd4afdd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_17.png deleted file mode 100644 index 902a9fd96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_18.png deleted file mode 100644 index 1631db2f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_19.png deleted file mode 100644 index 7ce9b4364..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_20.png deleted file mode 100644 index d2c331e29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character35/0763_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_01.png deleted file mode 100644 index 85e85404a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_02.png deleted file mode 100644 index 84eba37c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_03.png deleted file mode 100644 index 97ed3dd8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_04.png deleted file mode 100644 index 6dc2c23e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_05.png deleted file mode 100644 index 56df5ddc4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_06.png deleted file mode 100644 index ef1572bd7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_07.png deleted file mode 100644 index f8116e61e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_08.png deleted file mode 100644 index 223175995..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_09.png deleted file mode 100644 index cd094eebc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_10.png deleted file mode 100644 index 861f0108f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_11.png deleted file mode 100644 index e9d19f13b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_12.png deleted file mode 100644 index 6590ff145..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_13.png deleted file mode 100644 index 685458bb5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_14.png deleted file mode 100644 index 8734089a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_15.png deleted file mode 100644 index ef79ff589..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_16.png deleted file mode 100644 index 9e5d60fe7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_17.png deleted file mode 100644 index 346c06eb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_18.png deleted file mode 100644 index f8f8ffc06..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_19.png deleted file mode 100644 index dfca15564..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_20.png deleted file mode 100644 index ecec3078f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character36/0764_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_01.png deleted file mode 100644 index fb866ba32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_02.png deleted file mode 100644 index ba05d4528..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_03.png deleted file mode 100644 index 916b7cf87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_04.png deleted file mode 100644 index d1b73ba20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_05.png deleted file mode 100644 index a678b4c36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_06.png deleted file mode 100644 index 56b3ad705..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_07.png deleted file mode 100644 index 9a3999c0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_08.png deleted file mode 100644 index 062c7ab1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_09.png deleted file mode 100644 index 7f6fd4ed3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_10.png deleted file mode 100644 index ba061d288..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_11.png deleted file mode 100644 index 010a40d65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_12.png deleted file mode 100644 index e55672444..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_13.png deleted file mode 100644 index b47e8db21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_14.png deleted file mode 100644 index 700cc0b5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_15.png deleted file mode 100644 index 3ba079009..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_16.png deleted file mode 100644 index d43394d6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_17.png deleted file mode 100644 index 1fe9579b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_18.png deleted file mode 100644 index 4d748558e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_19.png deleted file mode 100644 index efd1d1b61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_20.png deleted file mode 100644 index 442c0dc19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character37/0765_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_01.png deleted file mode 100644 index e240ab0e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_02.png deleted file mode 100644 index 3019d7572..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_03.png deleted file mode 100644 index 78000c3eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_04.png deleted file mode 100644 index ab20163b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_05.png deleted file mode 100644 index 33a015aef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_06.png deleted file mode 100644 index b3b0616a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_07.png deleted file mode 100644 index 74a55f9c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_08.png deleted file mode 100644 index d638dd3e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_09.png deleted file mode 100644 index 98a32f07e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_10.png deleted file mode 100644 index 7fa3cc537..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_11.png deleted file mode 100644 index 95d2dc348..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_12.png deleted file mode 100644 index 6154cfd43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_13.png deleted file mode 100644 index a975e5e6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_14.png deleted file mode 100644 index 2ed27377b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_15.png deleted file mode 100644 index 0b3d1b424..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_16.png deleted file mode 100644 index b02fdb992..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_17.png deleted file mode 100644 index f00245534..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_18.png deleted file mode 100644 index 77c624341..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_19.png deleted file mode 100644 index 35f288d2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_20.png deleted file mode 100644 index 8b7a1bcbb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character38/0766_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_01.png deleted file mode 100644 index a7e990cfd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_02.png deleted file mode 100644 index c926a38ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_03.png deleted file mode 100644 index 175e9b604..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_04.png deleted file mode 100644 index ce85675d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_05.png deleted file mode 100644 index 6c7dc9398..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_06.png deleted file mode 100644 index 85f56597a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_07.png deleted file mode 100644 index 0aedb4308..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_08.png deleted file mode 100644 index 54f0b704f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_09.png deleted file mode 100644 index 8e136582a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_10.png deleted file mode 100644 index 888170af7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_11.png deleted file mode 100644 index 8e1b7a35f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_12.png deleted file mode 100644 index d42184dd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_13.png deleted file mode 100644 index 7bb0b3c65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_14.png deleted file mode 100644 index 2cbf1d4a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_15.png deleted file mode 100644 index 8be5ba28e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_16.png deleted file mode 100644 index 6709ca729..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_17.png deleted file mode 100644 index 2f5b4cffe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_18.png deleted file mode 100644 index f1edbd56d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_19.png deleted file mode 100644 index 6d9520e0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_20.png deleted file mode 100644 index 91557a1c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character39/0767_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_01.png deleted file mode 100644 index d30687ef6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_02.png deleted file mode 100644 index 1a898b80a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_03.png deleted file mode 100644 index 6b83695f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_04.png deleted file mode 100644 index 00e9aead2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_05.png deleted file mode 100644 index 07bb4ddda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_06.png deleted file mode 100644 index 6f8004590..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_07.png deleted file mode 100644 index a82dfb44b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_08.png deleted file mode 100644 index 03fa213d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_09.png deleted file mode 100644 index 25c18a4e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_10.png deleted file mode 100644 index 83d636bb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_11.png deleted file mode 100644 index a82a0e8b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_12.png deleted file mode 100644 index 26352c132..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_13.png deleted file mode 100644 index 7680a1d3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_14.png deleted file mode 100644 index e6e9d012a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_15.png deleted file mode 100644 index bf0f0b1ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_16.png deleted file mode 100644 index 9a4643fe0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_17.png deleted file mode 100644 index 15d729acb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_18.png deleted file mode 100644 index b5b9f0630..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_19.png deleted file mode 100644 index cd2a0528f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_20.png deleted file mode 100644 index 56a25e0ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character40/0768_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_01.png deleted file mode 100644 index 2d7f0d911..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_02.png deleted file mode 100644 index 79e80e7cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_03.png deleted file mode 100644 index b7f7d73c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_04.png deleted file mode 100644 index b1cdf1f86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_05.png deleted file mode 100644 index f4b685d16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_06.png deleted file mode 100644 index d965ab45d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_07.png deleted file mode 100644 index bd343c960..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_08.png deleted file mode 100644 index 13560dff7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_09.png deleted file mode 100644 index 35b64e731..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_10.png deleted file mode 100644 index 10a976826..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_11.png deleted file mode 100644 index 0de1429b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_12.png deleted file mode 100644 index df10a57fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_13.png deleted file mode 100644 index 3c60caaf9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_14.png deleted file mode 100644 index b40fcbc63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_15.png deleted file mode 100644 index 680c32c3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_16.png deleted file mode 100644 index 9917bdba7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_17.png deleted file mode 100644 index f24bbdc8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_18.png deleted file mode 100644 index a911506b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_19.png deleted file mode 100644 index e8e5d3135..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_20.png deleted file mode 100644 index 32a9ccbf4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Mkhedruli_(Georgian)/character41/0769_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_01.png deleted file mode 100644 index c1e89a1b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_02.png deleted file mode 100644 index dd1b1b4b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_03.png deleted file mode 100644 index bc3062788..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_04.png deleted file mode 100644 index 635432f4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_05.png deleted file mode 100644 index 889caacbe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_06.png deleted file mode 100644 index 8cb7f83ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_07.png deleted file mode 100644 index 3b8b8e292..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_08.png deleted file mode 100644 index 1efd46f86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_09.png deleted file mode 100644 index 957e8e50e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_10.png deleted file mode 100644 index c6031dbe6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_11.png deleted file mode 100644 index ab6dda899..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_12.png deleted file mode 100644 index 3a5ea3b63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_13.png deleted file mode 100644 index 03dd5f423..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_14.png deleted file mode 100644 index d9f1c7b05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_15.png deleted file mode 100644 index b36712665..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_16.png deleted file mode 100644 index a301d2a54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_17.png deleted file mode 100644 index a58b5b75c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_18.png deleted file mode 100644 index dee8e3a85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_19.png deleted file mode 100644 index 7ea0d8971..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_20.png deleted file mode 100644 index 678b73d90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character01/0804_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_01.png deleted file mode 100644 index d552c2760..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_02.png deleted file mode 100644 index 0c7f5f1c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_03.png deleted file mode 100644 index b6918a143..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_04.png deleted file mode 100644 index 725a7adb5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_05.png deleted file mode 100644 index 4c3248cf4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_06.png deleted file mode 100644 index 1f99ba672..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_07.png deleted file mode 100644 index 32f20b0c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_08.png deleted file mode 100644 index cadfde9df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_09.png deleted file mode 100644 index 974d1e99d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_10.png deleted file mode 100644 index 9c5b0d55a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_11.png deleted file mode 100644 index 30cf95d7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_12.png deleted file mode 100644 index 0de425319..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_13.png deleted file mode 100644 index a54a91b2e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_14.png deleted file mode 100644 index 2e98a07b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_15.png deleted file mode 100644 index 774897fc2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_16.png deleted file mode 100644 index ebe59a80a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_17.png deleted file mode 100644 index 6debeb6ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_18.png deleted file mode 100644 index 508d39e0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_19.png deleted file mode 100644 index 40aa1c192..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_20.png deleted file mode 100644 index 917130113..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character02/0805_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_01.png deleted file mode 100644 index 3bbb13acd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_02.png deleted file mode 100644 index dbd541922..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_03.png deleted file mode 100644 index 26cba2712..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_04.png deleted file mode 100644 index 9b1f8980e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_05.png deleted file mode 100644 index 10d1714d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_06.png deleted file mode 100644 index eb5a4efe7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_07.png deleted file mode 100644 index 1db879bed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_08.png deleted file mode 100644 index 233e85a62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_09.png deleted file mode 100644 index 701d09c18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_10.png deleted file mode 100644 index 1fc99e9f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_11.png deleted file mode 100644 index a328637d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_12.png deleted file mode 100644 index c320f23b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_13.png deleted file mode 100644 index 465fb5aa2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_14.png deleted file mode 100644 index 67ca51203..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_15.png deleted file mode 100644 index c83894152..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_16.png deleted file mode 100644 index ab3c7d51d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_17.png deleted file mode 100644 index dd1640597..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_18.png deleted file mode 100644 index 3fa1fdc51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_19.png deleted file mode 100644 index 545cf08b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_20.png deleted file mode 100644 index 7261e6604..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character03/0806_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_01.png deleted file mode 100644 index d51fdda6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_02.png deleted file mode 100644 index 31e6edc36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_03.png deleted file mode 100644 index 58a45068d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_04.png deleted file mode 100644 index 133b0ca55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_05.png deleted file mode 100644 index 42f7edd63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_06.png deleted file mode 100644 index d8fe14662..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_07.png deleted file mode 100644 index f4ef2adda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_08.png deleted file mode 100644 index 78c9504ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_09.png deleted file mode 100644 index 139171709..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_10.png deleted file mode 100644 index 0fd699317..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_11.png deleted file mode 100644 index 297d837a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_12.png deleted file mode 100644 index d78dcc40e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_13.png deleted file mode 100644 index 9b71c65e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_14.png deleted file mode 100644 index 96e9e1896..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_15.png deleted file mode 100644 index 5ee83cbac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_16.png deleted file mode 100644 index a45199594..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_17.png deleted file mode 100644 index 5adbc1889..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_18.png deleted file mode 100644 index 61124e41a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_19.png deleted file mode 100644 index abd0b49b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_20.png deleted file mode 100644 index 4786cc9f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character04/0807_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_01.png deleted file mode 100644 index 23f0241a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_02.png deleted file mode 100644 index 6ca4262b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_03.png deleted file mode 100644 index 032054be6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_04.png deleted file mode 100644 index c0d499869..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_05.png deleted file mode 100644 index 649252604..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_06.png deleted file mode 100644 index 01950c5ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_07.png deleted file mode 100644 index d3a8ee36e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_08.png deleted file mode 100644 index 9c5bbafae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_09.png deleted file mode 100644 index 9fce18e15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_10.png deleted file mode 100644 index 5549f9c56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_11.png deleted file mode 100644 index f5999fd53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_12.png deleted file mode 100644 index 685d48ba2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_13.png deleted file mode 100644 index df0146ab4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_14.png deleted file mode 100644 index 0aa7e3d40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_15.png deleted file mode 100644 index 9663e8fc2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_16.png deleted file mode 100644 index bdefc3d35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_17.png deleted file mode 100644 index f3b08e1ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_18.png deleted file mode 100644 index 268aefa73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_19.png deleted file mode 100644 index 2e46480a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_20.png deleted file mode 100644 index ba6cc875a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character05/0808_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_01.png deleted file mode 100644 index 99b859313..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_02.png deleted file mode 100644 index cf1c2c317..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_03.png deleted file mode 100644 index ec76eada7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_04.png deleted file mode 100644 index fe4382736..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_05.png deleted file mode 100644 index 5bb75fbb1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_06.png deleted file mode 100644 index 4ecebaff7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_07.png deleted file mode 100644 index 32c595408..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_08.png deleted file mode 100644 index e3f908c43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_09.png deleted file mode 100644 index 5a0936e89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_10.png deleted file mode 100644 index cc8f34a29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_11.png deleted file mode 100644 index 489401bc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_12.png deleted file mode 100644 index 6ba417447..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_13.png deleted file mode 100644 index 32088ef0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_14.png deleted file mode 100644 index 16ae731d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_15.png deleted file mode 100644 index 71725d928..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_16.png deleted file mode 100644 index 249f31df0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_17.png deleted file mode 100644 index 649c424de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_18.png deleted file mode 100644 index 49778c711..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_19.png deleted file mode 100644 index c6e8f0428..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_20.png deleted file mode 100644 index ea0307aba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character06/0809_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_01.png deleted file mode 100644 index e1903a19e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_02.png deleted file mode 100644 index fecd3acfc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_03.png deleted file mode 100644 index 23446d8f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_04.png deleted file mode 100644 index 114b4ed13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_05.png deleted file mode 100644 index baf685665..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_06.png deleted file mode 100644 index 2a966526a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_07.png deleted file mode 100644 index e219788c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_08.png deleted file mode 100644 index 526fe326a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_09.png deleted file mode 100644 index d3f31dbae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_10.png deleted file mode 100644 index 5c8ade723..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_11.png deleted file mode 100644 index 006c1b586..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_12.png deleted file mode 100644 index 9e12774a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_13.png deleted file mode 100644 index 5a871d6ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_14.png deleted file mode 100644 index 72c582eb1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_15.png deleted file mode 100644 index c41bef498..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_16.png deleted file mode 100644 index 539df6158..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_17.png deleted file mode 100644 index 110bcec50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_18.png deleted file mode 100644 index daa56abc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_19.png deleted file mode 100644 index 6ad309cf9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_20.png deleted file mode 100644 index 6c1d506c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character07/0810_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_01.png deleted file mode 100644 index 8852222d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_02.png deleted file mode 100644 index d33c2ad61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_03.png deleted file mode 100644 index 7acdc5d53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_04.png deleted file mode 100644 index 6aa7f7e1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_05.png deleted file mode 100644 index ef29c445d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_06.png deleted file mode 100644 index 244152c93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_07.png deleted file mode 100644 index 117e4365e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_08.png deleted file mode 100644 index 9a0d392c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_09.png deleted file mode 100644 index 2470f9998..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_10.png deleted file mode 100644 index 11a61d1f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_11.png deleted file mode 100644 index fde036282..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_12.png deleted file mode 100644 index 8870d2a32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_13.png deleted file mode 100644 index ed6e390de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_14.png deleted file mode 100644 index d8a421fa4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_15.png deleted file mode 100644 index bb9d87197..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_16.png deleted file mode 100644 index fccc55ac1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_17.png deleted file mode 100644 index 10c495746..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_18.png deleted file mode 100644 index 6ba8e986b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_19.png deleted file mode 100644 index 64e4268ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_20.png deleted file mode 100644 index 32540ce63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character08/0811_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_01.png deleted file mode 100644 index e2b7bf5bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_02.png deleted file mode 100644 index 99d569579..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_03.png deleted file mode 100644 index e70451d10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_04.png deleted file mode 100644 index 6ae593e95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_05.png deleted file mode 100644 index 1e4c68be3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_06.png deleted file mode 100644 index fbb2034eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_07.png deleted file mode 100644 index 99a716e20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_08.png deleted file mode 100644 index 2fa90343f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_09.png deleted file mode 100644 index 737d8fc17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_10.png deleted file mode 100644 index 752d420eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_11.png deleted file mode 100644 index 47f8551d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_12.png deleted file mode 100644 index bcb65dd48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_13.png deleted file mode 100644 index 04239535b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_14.png deleted file mode 100644 index 931b7ef43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_15.png deleted file mode 100644 index b6a8cb1f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_16.png deleted file mode 100644 index 2e3388458..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_17.png deleted file mode 100644 index 43d5bde5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_18.png deleted file mode 100644 index 13dcbbbff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_19.png deleted file mode 100644 index d44087203..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_20.png deleted file mode 100644 index 53433c904..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character09/0812_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_01.png deleted file mode 100644 index a722cebb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_02.png deleted file mode 100644 index 4684e9380..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_03.png deleted file mode 100644 index af6d4f348..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_04.png deleted file mode 100644 index 308638ad3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_05.png deleted file mode 100644 index f1ca7b9a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_06.png deleted file mode 100644 index b34a546a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_07.png deleted file mode 100644 index 0791fa322..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_08.png deleted file mode 100644 index be79b938f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_09.png deleted file mode 100644 index 3f6dfc4be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_10.png deleted file mode 100644 index d7f327a98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_11.png deleted file mode 100644 index 01cb66b69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_12.png deleted file mode 100644 index 5ce735b70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_13.png deleted file mode 100644 index fb288ddc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_14.png deleted file mode 100644 index 58d392329..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_15.png deleted file mode 100644 index 831734a2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_16.png deleted file mode 100644 index 7806c7124..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_17.png deleted file mode 100644 index 0a2fba5a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_18.png deleted file mode 100644 index 117d6a31b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_19.png deleted file mode 100644 index 938f37212..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_20.png deleted file mode 100644 index bdea63619..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character10/0813_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_01.png deleted file mode 100644 index ae877596a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_02.png deleted file mode 100644 index e74bad092..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_03.png deleted file mode 100644 index 26f49ecbb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_04.png deleted file mode 100644 index dddd7aa3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_05.png deleted file mode 100644 index d5abb1909..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_06.png deleted file mode 100644 index 749a6ad95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_07.png deleted file mode 100644 index 897a9bc4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_08.png deleted file mode 100644 index 5a0dc9c12..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_09.png deleted file mode 100644 index f17c46d16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_10.png deleted file mode 100644 index 93403bcbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_11.png deleted file mode 100644 index 8fbeae7a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_12.png deleted file mode 100644 index 3ba686ff7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_13.png deleted file mode 100644 index 898b13d35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_14.png deleted file mode 100644 index 21741d307..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_15.png deleted file mode 100644 index d95343f53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_16.png deleted file mode 100644 index 64ab743e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_17.png deleted file mode 100644 index 58b644dce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_18.png deleted file mode 100644 index 11c020092..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_19.png deleted file mode 100644 index c370ed425..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_20.png deleted file mode 100644 index 6bcc7415e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character11/0814_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_01.png deleted file mode 100644 index 4e0d52806..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_02.png deleted file mode 100644 index f35c66c66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_03.png deleted file mode 100644 index 277286bc7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_04.png deleted file mode 100644 index 37f8bf86d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_05.png deleted file mode 100644 index 983b14acf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_06.png deleted file mode 100644 index 7668f5362..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_07.png deleted file mode 100644 index e9b90d6a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_08.png deleted file mode 100644 index 266e6c504..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_09.png deleted file mode 100644 index 34cc2aa53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_10.png deleted file mode 100644 index 5dafee76f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_11.png deleted file mode 100644 index 576511e3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_12.png deleted file mode 100644 index 802a9b57d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_13.png deleted file mode 100644 index e58dc71af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_14.png deleted file mode 100644 index 3fe0ff3a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_15.png deleted file mode 100644 index bcb1a469b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_16.png deleted file mode 100644 index 53c6388fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_17.png deleted file mode 100644 index 8549dc6ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_18.png deleted file mode 100644 index 40c75f41b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_19.png deleted file mode 100644 index b2c4184ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_20.png deleted file mode 100644 index a1969a79d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character12/0815_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_01.png deleted file mode 100644 index 6a6dd119f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_02.png deleted file mode 100644 index d48725173..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_03.png deleted file mode 100644 index cdf571f25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_04.png deleted file mode 100644 index f08dd4d94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_05.png deleted file mode 100644 index 5cc932232..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_06.png deleted file mode 100644 index 609ccb28b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_07.png deleted file mode 100644 index bac1da012..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_08.png deleted file mode 100644 index fa7a23d7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_09.png deleted file mode 100644 index c3dd19595..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_10.png deleted file mode 100644 index af3e98ced..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_11.png deleted file mode 100644 index 9d2ec0f66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_12.png deleted file mode 100644 index 23855c34e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_13.png deleted file mode 100644 index 30cfb18ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_14.png deleted file mode 100644 index db1dcf48f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_15.png deleted file mode 100644 index 5d843b49f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_16.png deleted file mode 100644 index a67f7294d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_17.png deleted file mode 100644 index 2ef8206b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_18.png deleted file mode 100644 index f29e0980e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_19.png deleted file mode 100644 index 5a9320a40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_20.png deleted file mode 100644 index ca199a6a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character13/0816_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_01.png deleted file mode 100644 index 85c7738f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_02.png deleted file mode 100644 index 62f647440..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_03.png deleted file mode 100644 index c80757650..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_04.png deleted file mode 100644 index 4319fa125..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_05.png deleted file mode 100644 index 5dbde8555..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_06.png deleted file mode 100644 index 26be31e0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_07.png deleted file mode 100644 index a96ea7b82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_08.png deleted file mode 100644 index bed901b5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_09.png deleted file mode 100644 index b05c52f09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_10.png deleted file mode 100644 index 11314053b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_11.png deleted file mode 100644 index 7f850a81c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_12.png deleted file mode 100644 index be527bf9d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_13.png deleted file mode 100644 index 9b02fdbed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_14.png deleted file mode 100644 index d32eb716e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_15.png deleted file mode 100644 index 0a259b1c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_16.png deleted file mode 100644 index f58fe88c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_17.png deleted file mode 100644 index 3fc965213..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_18.png deleted file mode 100644 index 4d2f98908..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_19.png deleted file mode 100644 index 64f307a7b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_20.png deleted file mode 100644 index 373234af7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character14/0817_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_01.png deleted file mode 100644 index 10885161f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_02.png deleted file mode 100644 index 011602107..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_03.png deleted file mode 100644 index 08ccbb8ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_04.png deleted file mode 100644 index 77dd4985a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_05.png deleted file mode 100644 index 596f31f92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_06.png deleted file mode 100644 index ecfbd0f24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_07.png deleted file mode 100644 index 452d309d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_08.png deleted file mode 100644 index 7812004a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_09.png deleted file mode 100644 index c6c2c9982..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_10.png deleted file mode 100644 index ff116f556..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_11.png deleted file mode 100644 index 877516f3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_12.png deleted file mode 100644 index cc48b7af0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_13.png deleted file mode 100644 index 9d8392d10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_14.png deleted file mode 100644 index c1e7c365c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_15.png deleted file mode 100644 index 2545afa7b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_16.png deleted file mode 100644 index cf4c03e6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_17.png deleted file mode 100644 index 73626f845..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_18.png deleted file mode 100644 index b6502ee43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_19.png deleted file mode 100644 index 61f49e11c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_20.png deleted file mode 100644 index 529d0e786..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character15/0818_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_01.png deleted file mode 100644 index c74fc0b8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_02.png deleted file mode 100644 index c9ce3e7f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_03.png deleted file mode 100644 index bf08dd1b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_04.png deleted file mode 100644 index 27d6bdb26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_05.png deleted file mode 100644 index 2d292183c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_06.png deleted file mode 100644 index a16d60b81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_07.png deleted file mode 100644 index 70e8411f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_08.png deleted file mode 100644 index f90c4b908..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_09.png deleted file mode 100644 index be7c8e8e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_10.png deleted file mode 100644 index aa519e251..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_11.png deleted file mode 100644 index 29f352feb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_12.png deleted file mode 100644 index cf6557b54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_13.png deleted file mode 100644 index c14200d21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_14.png deleted file mode 100644 index 461e86763..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_15.png deleted file mode 100644 index 516f02846..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_16.png deleted file mode 100644 index 7e81ee210..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_17.png deleted file mode 100644 index 5995bfefc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_18.png deleted file mode 100644 index f28487004..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_19.png deleted file mode 100644 index aaf1bb2b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_20.png deleted file mode 100644 index 7e79ca3fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character16/0819_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_01.png deleted file mode 100644 index 96ce17385..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_02.png deleted file mode 100644 index 0f22c99dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_03.png deleted file mode 100644 index bd66ea925..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_04.png deleted file mode 100644 index ac6cfe5c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_05.png deleted file mode 100644 index 3c35fbb4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_06.png deleted file mode 100644 index 14d8dc1f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_07.png deleted file mode 100644 index ccaada205..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_08.png deleted file mode 100644 index ccf923a0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_09.png deleted file mode 100644 index a8ea41866..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_10.png deleted file mode 100644 index 769a58801..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_11.png deleted file mode 100644 index fdcd1ce74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_12.png deleted file mode 100644 index 39c89efce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_13.png deleted file mode 100644 index 8ba5453d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_14.png deleted file mode 100644 index 215a49c42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_15.png deleted file mode 100644 index 1d6d746af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_16.png deleted file mode 100644 index be11bbf6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_17.png deleted file mode 100644 index 2f8d84c3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_18.png deleted file mode 100644 index 859caf913..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_19.png deleted file mode 100644 index df031743f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_20.png deleted file mode 100644 index dfff1a631..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character17/0820_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_01.png deleted file mode 100644 index 76fa29505..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_02.png deleted file mode 100644 index 6828206f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_03.png deleted file mode 100644 index 7f6422c4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_04.png deleted file mode 100644 index bb43c6b6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_05.png deleted file mode 100644 index 2763c29e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_06.png deleted file mode 100644 index 07a28e172..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_07.png deleted file mode 100644 index 99079d671..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_08.png deleted file mode 100644 index 2f0457d40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_09.png deleted file mode 100644 index 0f3b45b0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_10.png deleted file mode 100644 index a011036d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_11.png deleted file mode 100644 index 68cafc7a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_12.png deleted file mode 100644 index 94553bd88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_13.png deleted file mode 100644 index b1c4c3375..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_14.png deleted file mode 100644 index 053a9453f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_15.png deleted file mode 100644 index cfffab970..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_16.png deleted file mode 100644 index 3e9bdfa82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_17.png deleted file mode 100644 index 70bb7596b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_18.png deleted file mode 100644 index a85998164..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_19.png deleted file mode 100644 index b88c5e714..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_20.png deleted file mode 100644 index 9958ad8f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character18/0821_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_01.png deleted file mode 100644 index 3f3c5d7e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_02.png deleted file mode 100644 index 6523d6fff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_03.png deleted file mode 100644 index e893bc697..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_04.png deleted file mode 100644 index dd7f68c8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_05.png deleted file mode 100644 index 554f70d5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_06.png deleted file mode 100644 index e6e6fb3d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_07.png deleted file mode 100644 index a89b0e17c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_08.png deleted file mode 100644 index 747df4d6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_09.png deleted file mode 100644 index 07311bd5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_10.png deleted file mode 100644 index b1f79bba9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_11.png deleted file mode 100644 index cbb1e4fb5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_12.png deleted file mode 100644 index 3564e96c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_13.png deleted file mode 100644 index baf42a534..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_14.png deleted file mode 100644 index f5c7b6819..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_15.png deleted file mode 100644 index 1606a6308..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_16.png deleted file mode 100644 index 31b15c435..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_17.png deleted file mode 100644 index 413ebdbf5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_18.png deleted file mode 100644 index 0563fa6ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_19.png deleted file mode 100644 index 37ba51283..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_20.png deleted file mode 100644 index 46398a99a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character19/0822_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_01.png deleted file mode 100644 index 5f0f0901e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_02.png deleted file mode 100644 index 81f783aad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_03.png deleted file mode 100644 index b10ee9c79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_04.png deleted file mode 100644 index 6ea37f627..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_05.png deleted file mode 100644 index 844acb419..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_06.png deleted file mode 100644 index a5dfaa48e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_07.png deleted file mode 100644 index da8f6fffe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_08.png deleted file mode 100644 index d1e147717..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_09.png deleted file mode 100644 index ec6dff88e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_10.png deleted file mode 100644 index 05a6f6e61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_11.png deleted file mode 100644 index 4b55a1b0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_12.png deleted file mode 100644 index 45f9ef72b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_13.png deleted file mode 100644 index 90389ff35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_14.png deleted file mode 100644 index 71fff919e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_15.png deleted file mode 100644 index 52a1a166c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_16.png deleted file mode 100644 index 81fd86ce0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_17.png deleted file mode 100644 index 137860ee9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_18.png deleted file mode 100644 index 15a0f9f9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_19.png deleted file mode 100644 index 8d4b72651..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_20.png deleted file mode 100644 index e10b9c383..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character20/0823_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_01.png deleted file mode 100644 index b1e701647..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_02.png deleted file mode 100644 index d2e619be6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_03.png deleted file mode 100644 index 3f8d19266..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_04.png deleted file mode 100644 index fc905ee71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_05.png deleted file mode 100644 index 69443a2c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_06.png deleted file mode 100644 index 16c5958bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_07.png deleted file mode 100644 index 28fcf2117..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_08.png deleted file mode 100644 index 88373942a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_09.png deleted file mode 100644 index 26aa731c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_10.png deleted file mode 100644 index 027ca36df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_11.png deleted file mode 100644 index 323a22e4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_12.png deleted file mode 100644 index 4c9dac73c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_13.png deleted file mode 100644 index ae05b2460..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_14.png deleted file mode 100644 index 8ae734484..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_15.png deleted file mode 100644 index ea5b138d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_16.png deleted file mode 100644 index c0abf198f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_17.png deleted file mode 100644 index 73cdf19d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_18.png deleted file mode 100644 index bdb168791..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_19.png deleted file mode 100644 index 652f78268..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_20.png deleted file mode 100644 index 589c55509..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character21/0824_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_01.png deleted file mode 100644 index 4f969df34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_02.png deleted file mode 100644 index ffbba4434..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_03.png deleted file mode 100644 index 054532ce7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_04.png deleted file mode 100644 index 385754e5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_05.png deleted file mode 100644 index c5be1e427..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_06.png deleted file mode 100644 index 194b81e99..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_07.png deleted file mode 100644 index 9e910e8c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_08.png deleted file mode 100644 index ee50e99df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_09.png deleted file mode 100644 index e7e509d35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_10.png deleted file mode 100644 index e6f58dbfb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_11.png deleted file mode 100644 index d9781d311..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_12.png deleted file mode 100644 index a4577fe8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_13.png deleted file mode 100644 index b2092ecb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_14.png deleted file mode 100644 index 4b51f3376..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_15.png deleted file mode 100644 index 53840e3b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_16.png deleted file mode 100644 index 60dd9fe66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_17.png deleted file mode 100644 index df6851c39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_18.png deleted file mode 100644 index 91514ba2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_19.png deleted file mode 100644 index 28d73aa98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_20.png deleted file mode 100644 index 4b88e18a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character22/0825_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_01.png deleted file mode 100644 index 88ac1eb94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_02.png deleted file mode 100644 index 18f575725..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_03.png deleted file mode 100644 index 4c05063b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_04.png deleted file mode 100644 index 08910c697..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_05.png deleted file mode 100644 index 085c4955f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_06.png deleted file mode 100644 index 800041ff7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_07.png deleted file mode 100644 index 06bc9b168..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_08.png deleted file mode 100644 index 188880a29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_09.png deleted file mode 100644 index e2f2a52e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_10.png deleted file mode 100644 index ce42e6300..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_11.png deleted file mode 100644 index 03e17ea11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_12.png deleted file mode 100644 index 537efe045..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_13.png deleted file mode 100644 index ff7b0107b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_14.png deleted file mode 100644 index c3932bb65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_15.png deleted file mode 100644 index a39644db1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_16.png deleted file mode 100644 index e4c328f9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_17.png deleted file mode 100644 index 42879391f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_18.png deleted file mode 100644 index 2f9602ad7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_19.png deleted file mode 100644 index 74591c6f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_20.png deleted file mode 100644 index 613d1b281..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character23/0826_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_01.png deleted file mode 100644 index a6f1293eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_02.png deleted file mode 100644 index 7012a2751..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_03.png deleted file mode 100644 index d37555262..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_04.png deleted file mode 100644 index 93b8c6199..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_05.png deleted file mode 100644 index 2e49bf7ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_06.png deleted file mode 100644 index df88b8e15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_07.png deleted file mode 100644 index 174d87d17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_08.png deleted file mode 100644 index f95477223..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_09.png deleted file mode 100644 index b254db9da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_10.png deleted file mode 100644 index c584941eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_11.png deleted file mode 100644 index 57704cc7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_12.png deleted file mode 100644 index f19892c87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_13.png deleted file mode 100644 index 6097dfdfe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_14.png deleted file mode 100644 index ceb508bb2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_15.png deleted file mode 100644 index 21374b563..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_16.png deleted file mode 100644 index 651b03cf0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_17.png deleted file mode 100644 index a9544aa12..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_18.png deleted file mode 100644 index c1b9226ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_19.png deleted file mode 100644 index 448af3439..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_20.png deleted file mode 100644 index 0621d5ba8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character24/0827_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_01.png deleted file mode 100644 index 445a9db96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_02.png deleted file mode 100644 index cb82e7a8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_03.png deleted file mode 100644 index bdf757ae8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_04.png deleted file mode 100644 index 01d2346e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_05.png deleted file mode 100644 index bd5e23cf9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_06.png deleted file mode 100644 index 6bdc16e28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_07.png deleted file mode 100644 index dd4735dcf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_08.png deleted file mode 100644 index 310860c78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_09.png deleted file mode 100644 index 0b4f2919b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_10.png deleted file mode 100644 index 1d31a08f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_11.png deleted file mode 100644 index 6a3357a4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_12.png deleted file mode 100644 index 6beccbf01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_13.png deleted file mode 100644 index fd388802b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_14.png deleted file mode 100644 index d94e612f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_15.png deleted file mode 100644 index d46fc9e80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_16.png deleted file mode 100644 index 838b16b5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_17.png deleted file mode 100644 index fb5e07f16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_18.png deleted file mode 100644 index 24a82f5db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_19.png deleted file mode 100644 index 21adf9894..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_20.png deleted file mode 100644 index bdfb6938f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character25/0828_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_01.png deleted file mode 100644 index 7fc613dfe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_02.png deleted file mode 100644 index 1969cd946..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_03.png deleted file mode 100644 index 632ab46f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_04.png deleted file mode 100644 index 4b7bd37ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_05.png deleted file mode 100644 index baaea93e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_06.png deleted file mode 100644 index 71d5119a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_07.png deleted file mode 100644 index 087b7500c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_08.png deleted file mode 100644 index 61dda3a98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_09.png deleted file mode 100644 index 60b4c2fc0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_10.png deleted file mode 100644 index 89897fd30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_11.png deleted file mode 100644 index 7b46b0415..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_12.png deleted file mode 100644 index ab1d1fbe7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_13.png deleted file mode 100644 index 50b37071f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_14.png deleted file mode 100644 index 2e34c862f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_15.png deleted file mode 100644 index caff222ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_16.png deleted file mode 100644 index 08326e569..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_17.png deleted file mode 100644 index 3f07a6f62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_18.png deleted file mode 100644 index 9a5b31505..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_19.png deleted file mode 100644 index d9895cc22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_20.png deleted file mode 100644 index d10ff1252..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character26/0829_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_01.png deleted file mode 100644 index 51373fbd4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_02.png deleted file mode 100644 index 8f00362a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_03.png deleted file mode 100644 index a48700205..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_04.png deleted file mode 100644 index d4728feb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_05.png deleted file mode 100644 index 0f14d1ffc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_06.png deleted file mode 100644 index 0766bc0e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_07.png deleted file mode 100644 index 86efbc4e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_08.png deleted file mode 100644 index 1126120b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_09.png deleted file mode 100644 index f9166f474..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_10.png deleted file mode 100644 index f80967ac4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_11.png deleted file mode 100644 index 57f34ea34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_12.png deleted file mode 100644 index 3f5713e2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_13.png deleted file mode 100644 index 6e2f039cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_14.png deleted file mode 100644 index 9163f781e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_15.png deleted file mode 100644 index abc33eaab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_16.png deleted file mode 100644 index 17fbdcdb0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_17.png deleted file mode 100644 index 745595ec0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_18.png deleted file mode 100644 index 92618497a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_19.png deleted file mode 100644 index 16b0e598e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_20.png deleted file mode 100644 index 2115fb6e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character27/0830_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_01.png deleted file mode 100644 index 329f14725..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_02.png deleted file mode 100644 index 288753b09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_03.png deleted file mode 100644 index 2ac2985ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_04.png deleted file mode 100644 index 411ed6af1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_05.png deleted file mode 100644 index 8c0969be1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_06.png deleted file mode 100644 index 4b1c1500a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_07.png deleted file mode 100644 index 03d5cbc45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_08.png deleted file mode 100644 index 975cf5abc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_09.png deleted file mode 100644 index d2a3e184e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_10.png deleted file mode 100644 index 1c2baa020..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_11.png deleted file mode 100644 index 04c9c1dc7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_12.png deleted file mode 100644 index faa22aba0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_13.png deleted file mode 100644 index 15a960f3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_14.png deleted file mode 100644 index d662d831b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_15.png deleted file mode 100644 index 7bdd9f0aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_16.png deleted file mode 100644 index f243cdfc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_17.png deleted file mode 100644 index 7f697ae7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_18.png deleted file mode 100644 index 1f1fef256..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_19.png deleted file mode 100644 index 57d3372a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_20.png deleted file mode 100644 index f90d6c844..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character28/0831_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_01.png deleted file mode 100644 index 3aecfe759..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_02.png deleted file mode 100644 index 0c185d209..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_03.png deleted file mode 100644 index 49c4719ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_04.png deleted file mode 100644 index 8e038fd6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_05.png deleted file mode 100644 index 14d0f6747..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_06.png deleted file mode 100644 index 561175ba1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_07.png deleted file mode 100644 index 576c52702..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_08.png deleted file mode 100644 index 9267e0c45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_09.png deleted file mode 100644 index d5fc8e760..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_10.png deleted file mode 100644 index 6a7214cc2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_11.png deleted file mode 100644 index e958f6198..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_12.png deleted file mode 100644 index 8d7aa952f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_13.png deleted file mode 100644 index 647f370ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_14.png deleted file mode 100644 index d5472763f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_15.png deleted file mode 100644 index 61b6e7fdf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_16.png deleted file mode 100644 index fa00ac8df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_17.png deleted file mode 100644 index c1fd5c23d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_18.png deleted file mode 100644 index f78f84cdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_19.png deleted file mode 100644 index d1aa38a23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_20.png deleted file mode 100644 index c7dbb9893..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character29/0832_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_01.png deleted file mode 100644 index 54199921e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_02.png deleted file mode 100644 index d9af8884f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_03.png deleted file mode 100644 index acb7e2e48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_04.png deleted file mode 100644 index cf555c014..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_05.png deleted file mode 100644 index 603b3926e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_06.png deleted file mode 100644 index c6af9428e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_07.png deleted file mode 100644 index 11895ecd1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_08.png deleted file mode 100644 index 412f7f9a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_09.png deleted file mode 100644 index 32ff8b232..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_10.png deleted file mode 100644 index 2a04d048c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_11.png deleted file mode 100644 index ad834a685..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_12.png deleted file mode 100644 index 2beb7dc66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_13.png deleted file mode 100644 index a1e184d45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_14.png deleted file mode 100644 index db9fc7331..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_15.png deleted file mode 100644 index 9df799479..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_16.png deleted file mode 100644 index 1e3f5a91d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_17.png deleted file mode 100644 index 4aa397390..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_18.png deleted file mode 100644 index 115b9cda5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_19.png deleted file mode 100644 index d144b04c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_20.png deleted file mode 100644 index 1193ec59f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character30/0833_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_01.png deleted file mode 100644 index f4eec0891..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_02.png deleted file mode 100644 index 4a1736a4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_03.png deleted file mode 100644 index 0f1b1d8dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_04.png deleted file mode 100644 index b5ae36e3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_05.png deleted file mode 100644 index 74b737520..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_06.png deleted file mode 100644 index 606c14c07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_07.png deleted file mode 100644 index 0e3f367f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_08.png deleted file mode 100644 index 570caaf45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_09.png deleted file mode 100644 index ae23a1b9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_10.png deleted file mode 100644 index 79d1ed980..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_11.png deleted file mode 100644 index 888efbbb0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_12.png deleted file mode 100644 index dc9a38c21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_13.png deleted file mode 100644 index 8291cc275..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_14.png deleted file mode 100644 index ca5e420d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_15.png deleted file mode 100644 index 660646bf7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_16.png deleted file mode 100644 index 2292f357c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_17.png deleted file mode 100644 index f898ffa47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_18.png deleted file mode 100644 index 13fe16946..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_19.png deleted file mode 100644 index 6e91ccef6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_20.png deleted file mode 100644 index b317c86d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character31/0834_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_01.png deleted file mode 100644 index 5c7c2ef78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_02.png deleted file mode 100644 index 8f8861523..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_03.png deleted file mode 100644 index 01dd9f98f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_04.png deleted file mode 100644 index 603942b14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_05.png deleted file mode 100644 index 0658b8153..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_06.png deleted file mode 100644 index 013d08e48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_07.png deleted file mode 100644 index 2273b0e94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_08.png deleted file mode 100644 index b95f6bf86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_09.png deleted file mode 100644 index 97f42b752..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_10.png deleted file mode 100644 index 5b820892b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_11.png deleted file mode 100644 index 0995fdbb2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_12.png deleted file mode 100644 index 59730d149..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_13.png deleted file mode 100644 index 9f5f2157a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_14.png deleted file mode 100644 index 88a31c7fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_15.png deleted file mode 100644 index 5686ade3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_16.png deleted file mode 100644 index b1ba720aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_17.png deleted file mode 100644 index 2d81d122c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_18.png deleted file mode 100644 index 57d7a846e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_19.png deleted file mode 100644 index 15348b96f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_20.png deleted file mode 100644 index 04e28d95e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character32/0835_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_01.png deleted file mode 100644 index 7babfa0c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_02.png deleted file mode 100644 index 8f1bd37e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_03.png deleted file mode 100644 index 40212fec8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_04.png deleted file mode 100644 index 170d64f29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_05.png deleted file mode 100644 index aaf299d85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_06.png deleted file mode 100644 index e0de29af1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_07.png deleted file mode 100644 index 5e876285f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_08.png deleted file mode 100644 index 1e7cb70ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_09.png deleted file mode 100644 index 293afe7ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_10.png deleted file mode 100644 index e3dc3e17c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_11.png deleted file mode 100644 index af1444ec1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_12.png deleted file mode 100644 index 6537b5717..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_13.png deleted file mode 100644 index 70807edc0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_14.png deleted file mode 100644 index 6afe03be2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_15.png deleted file mode 100644 index de7478cf9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_16.png deleted file mode 100644 index ff6704cfa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_17.png deleted file mode 100644 index f290f2511..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_18.png deleted file mode 100644 index 4c18de145..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_19.png deleted file mode 100644 index bd888666e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_20.png deleted file mode 100644 index ba3bf1c1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/N_Ko/character33/0836_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_01.png deleted file mode 100644 index ce59cdf81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_02.png deleted file mode 100644 index d2fead709..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_03.png deleted file mode 100644 index 536428b5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_04.png deleted file mode 100644 index 4074b0533..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_05.png deleted file mode 100644 index 4fe4c43ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_06.png deleted file mode 100644 index ffff17502..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_07.png deleted file mode 100644 index a1181f9e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_08.png deleted file mode 100644 index ce2681360..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_09.png deleted file mode 100644 index c16a92010..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_10.png deleted file mode 100644 index e4a063395..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_11.png deleted file mode 100644 index 891aee868..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_12.png deleted file mode 100644 index f056e8791..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_13.png deleted file mode 100644 index f92a0cee6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_14.png deleted file mode 100644 index a879fc8d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_15.png deleted file mode 100644 index b29ac8e0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_16.png deleted file mode 100644 index ab75fdc4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_17.png deleted file mode 100644 index 35b832577..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_18.png deleted file mode 100644 index 8c69879b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_19.png deleted file mode 100644 index 8791d282e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_20.png deleted file mode 100644 index 77a35c32d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character01/0837_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_01.png deleted file mode 100644 index 16d2b69fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_02.png deleted file mode 100644 index 785351d21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_03.png deleted file mode 100644 index 8cb5db4f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_04.png deleted file mode 100644 index 5dd4d6995..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_05.png deleted file mode 100644 index d01262c5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_06.png deleted file mode 100644 index 7606cb30d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_07.png deleted file mode 100644 index 3fde030a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_08.png deleted file mode 100644 index 40eb15e60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_09.png deleted file mode 100644 index 49d328089..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_10.png deleted file mode 100644 index 09937dd09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_11.png deleted file mode 100644 index f34e82393..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_12.png deleted file mode 100644 index 93ff1092c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_13.png deleted file mode 100644 index 8d1336643..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_14.png deleted file mode 100644 index 0857a07ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_15.png deleted file mode 100644 index 2124df6b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_16.png deleted file mode 100644 index fc8af3a90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_17.png deleted file mode 100644 index 740256dac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_18.png deleted file mode 100644 index eca04db88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_19.png deleted file mode 100644 index e897392c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_20.png deleted file mode 100644 index d1820cb57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character02/0838_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_01.png deleted file mode 100644 index 77bb5a90d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_02.png deleted file mode 100644 index 319898ec4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_03.png deleted file mode 100644 index 2ba51858c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_04.png deleted file mode 100644 index b5a09755e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_05.png deleted file mode 100644 index 805d34103..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_06.png deleted file mode 100644 index aae4b7374..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_07.png deleted file mode 100644 index db832f90b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_08.png deleted file mode 100644 index 0dcb55687..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_09.png deleted file mode 100644 index 08b41e62c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_10.png deleted file mode 100644 index 6fbe543b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_11.png deleted file mode 100644 index 09f12ee55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_12.png deleted file mode 100644 index 5d47552f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_13.png deleted file mode 100644 index 562f21f96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_14.png deleted file mode 100644 index a326370f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_15.png deleted file mode 100644 index 4004ee1ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_16.png deleted file mode 100644 index 91a895242..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_17.png deleted file mode 100644 index 60d7637b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_18.png deleted file mode 100644 index 2619ec0b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_19.png deleted file mode 100644 index 48ec82a75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_20.png deleted file mode 100644 index add16d67a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character03/0839_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_01.png deleted file mode 100644 index e9e963dc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_02.png deleted file mode 100644 index a9406d910..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_03.png deleted file mode 100644 index 6c8565f47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_04.png deleted file mode 100644 index 8934ed87f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_05.png deleted file mode 100644 index fb5ee12d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_06.png deleted file mode 100644 index 1f744df63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_07.png deleted file mode 100644 index e71812ab5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_08.png deleted file mode 100644 index e5acfdf45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_09.png deleted file mode 100644 index 5211f5717..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_10.png deleted file mode 100644 index dd2bd84b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_11.png deleted file mode 100644 index 08dbac2a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_12.png deleted file mode 100644 index bcdee86f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_13.png deleted file mode 100644 index 8cb4714b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_14.png deleted file mode 100644 index 0dc03ef49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_15.png deleted file mode 100644 index f547d51ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_16.png deleted file mode 100644 index b49b4b220..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_17.png deleted file mode 100644 index 4e70eb48c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_18.png deleted file mode 100644 index e25184cf3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_19.png deleted file mode 100644 index 75ead8a54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_20.png deleted file mode 100644 index de797bc30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character04/0840_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_01.png deleted file mode 100644 index b45e85455..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_02.png deleted file mode 100644 index cbb5fdc6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_03.png deleted file mode 100644 index c2afb2342..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_04.png deleted file mode 100644 index 55e4b3cac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_05.png deleted file mode 100644 index 9df61b406..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_06.png deleted file mode 100644 index da684a31c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_07.png deleted file mode 100644 index 94f0ebda3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_08.png deleted file mode 100644 index 30c630972..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_09.png deleted file mode 100644 index 509823639..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_10.png deleted file mode 100644 index ac4545f25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_11.png deleted file mode 100644 index 86f7d858e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_12.png deleted file mode 100644 index e03962f79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_13.png deleted file mode 100644 index 968c9e1da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_14.png deleted file mode 100644 index faf319884..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_15.png deleted file mode 100644 index 646f1be04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_16.png deleted file mode 100644 index b8dd479ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_17.png deleted file mode 100644 index a65ec8992..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_18.png deleted file mode 100644 index 0df66bb8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_19.png deleted file mode 100644 index 9cd850d94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_20.png deleted file mode 100644 index 722714745..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character05/0841_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_01.png deleted file mode 100644 index 9f6c2d1fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_02.png deleted file mode 100644 index 09d179c1d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_03.png deleted file mode 100644 index bb3549698..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_04.png deleted file mode 100644 index 38ba06551..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_05.png deleted file mode 100644 index 23da50a40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_06.png deleted file mode 100644 index 279ad5d89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_07.png deleted file mode 100644 index 385a9c989..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_08.png deleted file mode 100644 index 3818575ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_09.png deleted file mode 100644 index 1f0224826..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_10.png deleted file mode 100644 index ea04391d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_11.png deleted file mode 100644 index b525819c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_12.png deleted file mode 100644 index 8b0206d31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_13.png deleted file mode 100644 index b3919fce4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_14.png deleted file mode 100644 index b3122da55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_15.png deleted file mode 100644 index 7212bff33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_16.png deleted file mode 100644 index e4d79854e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_17.png deleted file mode 100644 index aa0456d75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_18.png deleted file mode 100644 index d6f5d2c5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_19.png deleted file mode 100644 index caeff2e4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_20.png deleted file mode 100644 index 296c51f57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character06/0842_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_01.png deleted file mode 100644 index 8f80f349d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_02.png deleted file mode 100644 index c9e550104..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_03.png deleted file mode 100644 index 0b72f4bf7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_04.png deleted file mode 100644 index af373bd3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_05.png deleted file mode 100644 index c2c451962..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_06.png deleted file mode 100644 index 5e49937cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_07.png deleted file mode 100644 index 46d6096d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_08.png deleted file mode 100644 index a2449ea16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_09.png deleted file mode 100644 index 704ab424a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_10.png deleted file mode 100644 index 98ee8c547..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_11.png deleted file mode 100644 index 8d8c0843b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_12.png deleted file mode 100644 index f1986285a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_13.png deleted file mode 100644 index e9aba0816..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_14.png deleted file mode 100644 index 52271a34a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_15.png deleted file mode 100644 index c2b9c2a99..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_16.png deleted file mode 100644 index 9245979cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_17.png deleted file mode 100644 index 0e58f238b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_18.png deleted file mode 100644 index 4cee681de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_19.png deleted file mode 100644 index b72572e45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_20.png deleted file mode 100644 index 7b7d5ed07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character07/0843_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_01.png deleted file mode 100644 index 746ac8711..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_02.png deleted file mode 100644 index 43bb1aa65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_03.png deleted file mode 100644 index 42716e2d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_04.png deleted file mode 100644 index 40ba0e8c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_05.png deleted file mode 100644 index b5f446466..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_06.png deleted file mode 100644 index 928fefe18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_07.png deleted file mode 100644 index a632adc9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_08.png deleted file mode 100644 index 43df36936..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_09.png deleted file mode 100644 index d2554ed46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_10.png deleted file mode 100644 index f620ec31e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_11.png deleted file mode 100644 index c97f9dbdf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_12.png deleted file mode 100644 index 4ec43b4a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_13.png deleted file mode 100644 index 0215fed67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_14.png deleted file mode 100644 index 3e1414f4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_15.png deleted file mode 100644 index 201e7f7b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_16.png deleted file mode 100644 index 729c6a698..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_17.png deleted file mode 100644 index 341276905..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_18.png deleted file mode 100644 index 117bea46f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_19.png deleted file mode 100644 index 15b5894dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_20.png deleted file mode 100644 index 4121a42d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character08/0844_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_01.png deleted file mode 100644 index 19b0ecdc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_02.png deleted file mode 100644 index fed5299cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_03.png deleted file mode 100644 index a5077919e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_04.png deleted file mode 100644 index efee9c786..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_05.png deleted file mode 100644 index ec5fa6e31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_06.png deleted file mode 100644 index eaa266d98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_07.png deleted file mode 100644 index ba31cc0cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_08.png deleted file mode 100644 index f6d853427..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_09.png deleted file mode 100644 index 97c4acbec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_10.png deleted file mode 100644 index f9f4c4237..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_11.png deleted file mode 100644 index 9905f9c23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_12.png deleted file mode 100644 index 689caae81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_13.png deleted file mode 100644 index ab02171f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_14.png deleted file mode 100644 index b67b554c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_15.png deleted file mode 100644 index f4c7c65a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_16.png deleted file mode 100644 index 55998394f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_17.png deleted file mode 100644 index 9573e332c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_18.png deleted file mode 100644 index ee38178e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_19.png deleted file mode 100644 index 2ba1f8f56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_20.png deleted file mode 100644 index 391ac339d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character09/0845_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_01.png deleted file mode 100644 index 71c5c403a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_02.png deleted file mode 100644 index cf80365b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_03.png deleted file mode 100644 index bb7cbf358..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_04.png deleted file mode 100644 index 3a4f9fe44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_05.png deleted file mode 100644 index 3eb23a7d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_06.png deleted file mode 100644 index d92e21f2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_07.png deleted file mode 100644 index 043f799f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_08.png deleted file mode 100644 index 74631b5e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_09.png deleted file mode 100644 index 2528168f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_10.png deleted file mode 100644 index 5418fbc36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_11.png deleted file mode 100644 index 7ce84da28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_12.png deleted file mode 100644 index aab20d5c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_13.png deleted file mode 100644 index 03ae79c82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_14.png deleted file mode 100644 index 318b69bd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_15.png deleted file mode 100644 index 3b5e584df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_16.png deleted file mode 100644 index f5bfbae3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_17.png deleted file mode 100644 index 17e6074ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_18.png deleted file mode 100644 index ad975a754..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_19.png deleted file mode 100644 index 04a13bb27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_20.png deleted file mode 100644 index 45a60c2e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character10/0846_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_01.png deleted file mode 100644 index 984f20d97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_02.png deleted file mode 100644 index fe7aaf03b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_03.png deleted file mode 100644 index 87e9c91d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_04.png deleted file mode 100644 index 77d68a584..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_05.png deleted file mode 100644 index 498f0a577..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_06.png deleted file mode 100644 index b02e39ff9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_07.png deleted file mode 100644 index 912c95086..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_08.png deleted file mode 100644 index 2f5b6114e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_09.png deleted file mode 100644 index 5110949d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_10.png deleted file mode 100644 index 7474d0776..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_11.png deleted file mode 100644 index 404bb3875..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_12.png deleted file mode 100644 index 8f9f0588f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_13.png deleted file mode 100644 index 700a6ef1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_14.png deleted file mode 100644 index 9c7dff13d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_15.png deleted file mode 100644 index 2ad829260..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_16.png deleted file mode 100644 index 0e58ed750..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_17.png deleted file mode 100644 index f90470362..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_18.png deleted file mode 100644 index c837be12e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_19.png deleted file mode 100644 index 7cdff44bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_20.png deleted file mode 100644 index a3236fb42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character11/0847_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_01.png deleted file mode 100644 index 41b5138bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_02.png deleted file mode 100644 index 2a3a5b05e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_03.png deleted file mode 100644 index 17c2e9c69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_04.png deleted file mode 100644 index 1bb0c6bd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_05.png deleted file mode 100644 index 62a5073f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_06.png deleted file mode 100644 index c18fc3910..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_07.png deleted file mode 100644 index 3465f06ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_08.png deleted file mode 100644 index 2fcca4196..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_09.png deleted file mode 100644 index f5f414e1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_10.png deleted file mode 100644 index 68f375093..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_11.png deleted file mode 100644 index dad7e47b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_12.png deleted file mode 100644 index 6cf374586..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_13.png deleted file mode 100644 index 249c381fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_14.png deleted file mode 100644 index bc478832c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_15.png deleted file mode 100644 index c8108e0da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_16.png deleted file mode 100644 index 61c819b1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_17.png deleted file mode 100644 index 19de7589d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_18.png deleted file mode 100644 index 523ae49f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_19.png deleted file mode 100644 index 3fd7cae5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_20.png deleted file mode 100644 index 2d58ec9b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character12/0848_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_01.png deleted file mode 100644 index fe3d76370..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_02.png deleted file mode 100644 index ca41f7157..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_03.png deleted file mode 100644 index f0b6d6fca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_04.png deleted file mode 100644 index 5c662162c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_05.png deleted file mode 100644 index 65bdcb7bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_06.png deleted file mode 100644 index f7779d3cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_07.png deleted file mode 100644 index bb397b035..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_08.png deleted file mode 100644 index 78a0ab19d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_09.png deleted file mode 100644 index f5c76c15b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_10.png deleted file mode 100644 index b46af3d70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_11.png deleted file mode 100644 index 7b8880858..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_12.png deleted file mode 100644 index 87114ef99..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_13.png deleted file mode 100644 index 39bbd8bde..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_14.png deleted file mode 100644 index 685dc4dc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_15.png deleted file mode 100644 index 87997bfe4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_16.png deleted file mode 100644 index c35d0676f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_17.png deleted file mode 100644 index 46a982d84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_18.png deleted file mode 100644 index ef9051edc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_19.png deleted file mode 100644 index 07d74bdda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_20.png deleted file mode 100644 index 839582fad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character13/0849_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_01.png deleted file mode 100644 index 68415f599..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_02.png deleted file mode 100644 index 701e9e6d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_03.png deleted file mode 100644 index 7e7497466..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_04.png deleted file mode 100644 index 9abdc798c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_05.png deleted file mode 100644 index 4010de820..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_06.png deleted file mode 100644 index 2af654c5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_07.png deleted file mode 100644 index 34cd1d0fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_08.png deleted file mode 100644 index d8264c0de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_09.png deleted file mode 100644 index 75bbac808..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_10.png deleted file mode 100644 index 0b1c6a9a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_11.png deleted file mode 100644 index a48cdac75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_12.png deleted file mode 100644 index 4bf6e80fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_13.png deleted file mode 100644 index fe9ad7d38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_14.png deleted file mode 100644 index a1c27e46b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_15.png deleted file mode 100644 index f5464948a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_16.png deleted file mode 100644 index a282414c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_17.png deleted file mode 100644 index 6ccd2c37b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_18.png deleted file mode 100644 index c4b19aa38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_19.png deleted file mode 100644 index af723522b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_20.png deleted file mode 100644 index 1285d69d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Ojibwe_(Canadian_Aboriginal_Syllabics)/character14/0850_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_01.png deleted file mode 100644 index ccb9fe5c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_02.png deleted file mode 100644 index 4fa977382..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_03.png deleted file mode 100644 index 372181e9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_04.png deleted file mode 100644 index 9df6cc864..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_05.png deleted file mode 100644 index 338891449..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_06.png deleted file mode 100644 index 378ebe2d7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_07.png deleted file mode 100644 index 1001689eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_08.png deleted file mode 100644 index ed0541b98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_09.png deleted file mode 100644 index c8fe4f3b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_10.png deleted file mode 100644 index be23491aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_11.png deleted file mode 100644 index 7b12758f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_12.png deleted file mode 100644 index 2f56c4c1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_13.png deleted file mode 100644 index df9f5bc78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_14.png deleted file mode 100644 index 976ed6653..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_15.png deleted file mode 100644 index b34a597df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_16.png deleted file mode 100644 index 589bf513d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_17.png deleted file mode 100644 index 1c53a6f6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_18.png deleted file mode 100644 index 4b9287317..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_19.png deleted file mode 100644 index 87760d87f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_20.png deleted file mode 100644 index 0fc16b8ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character01/0851_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_01.png deleted file mode 100644 index 0354b8a7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_02.png deleted file mode 100644 index 02129a5bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_03.png deleted file mode 100644 index bc1804bfd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_04.png deleted file mode 100644 index 102739b87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_05.png deleted file mode 100644 index 48f7c4656..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_06.png deleted file mode 100644 index 79d10f8e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_07.png deleted file mode 100644 index 1da4d9308..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_08.png deleted file mode 100644 index 5065a48e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_09.png deleted file mode 100644 index df3b55b0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_10.png deleted file mode 100644 index cb09394af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_11.png deleted file mode 100644 index b52d9638e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_12.png deleted file mode 100644 index 48e2a26ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_13.png deleted file mode 100644 index 20c762b53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_14.png deleted file mode 100644 index 0e6fc612b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_15.png deleted file mode 100644 index c355e6a6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_16.png deleted file mode 100644 index dcbc98767..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_17.png deleted file mode 100644 index eb61a6396..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_18.png deleted file mode 100644 index 908ed944d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_19.png deleted file mode 100644 index ea60d0aea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_20.png deleted file mode 100644 index a291b9460..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character02/0852_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_01.png deleted file mode 100644 index 55eafea98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_02.png deleted file mode 100644 index 8d21b520b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_03.png deleted file mode 100644 index 9c7403efe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_04.png deleted file mode 100644 index 0ff0ed26d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_05.png deleted file mode 100644 index 576e8f2a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_06.png deleted file mode 100644 index efe4491d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_07.png deleted file mode 100644 index ebcbdd6ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_08.png deleted file mode 100644 index a1729793e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_09.png deleted file mode 100644 index b4d905566..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_10.png deleted file mode 100644 index 30f4a72fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_11.png deleted file mode 100644 index ddbe217af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_12.png deleted file mode 100644 index ea7fe9c14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_13.png deleted file mode 100644 index fe1c51e4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_14.png deleted file mode 100644 index 636e823a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_15.png deleted file mode 100644 index c0b485b3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_16.png deleted file mode 100644 index 528a787fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_17.png deleted file mode 100644 index 345a2263d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_18.png deleted file mode 100644 index bf795f072..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_19.png deleted file mode 100644 index 0d030056c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_20.png deleted file mode 100644 index 4787440bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character03/0853_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_01.png deleted file mode 100644 index 7e50ae069..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_02.png deleted file mode 100644 index cc381ff0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_03.png deleted file mode 100644 index c95d56dbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_04.png deleted file mode 100644 index 1adfa722c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_05.png deleted file mode 100644 index 59a2c25b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_06.png deleted file mode 100644 index 8a652d1e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_07.png deleted file mode 100644 index be35c89d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_08.png deleted file mode 100644 index 84dc9dd4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_09.png deleted file mode 100644 index 2690bd8a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_10.png deleted file mode 100644 index 7213a1051..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_11.png deleted file mode 100644 index 35a13c426..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_12.png deleted file mode 100644 index b44f29a37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_13.png deleted file mode 100644 index cad1ce8b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_14.png deleted file mode 100644 index 9a7da312b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_15.png deleted file mode 100644 index ff2c1a10f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_16.png deleted file mode 100644 index f3a3d0dda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_17.png deleted file mode 100644 index 710c31e64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_18.png deleted file mode 100644 index ce1e0824d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_19.png deleted file mode 100644 index 2c845e71d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_20.png deleted file mode 100644 index e0f8206d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character04/0854_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_01.png deleted file mode 100644 index 69174f497..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_02.png deleted file mode 100644 index e62916fc8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_03.png deleted file mode 100644 index ec8b8204f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_04.png deleted file mode 100644 index b7ef56ddd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_05.png deleted file mode 100644 index fab16ee38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_06.png deleted file mode 100644 index 8218f660f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_07.png deleted file mode 100644 index 2f94d151b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_08.png deleted file mode 100644 index e60aad1e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_09.png deleted file mode 100644 index 0a6ffe5a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_10.png deleted file mode 100644 index 36e3cf18c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_11.png deleted file mode 100644 index 1129ede3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_12.png deleted file mode 100644 index 9819da1ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_13.png deleted file mode 100644 index 15fe071c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_14.png deleted file mode 100644 index d2a03822d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_15.png deleted file mode 100644 index 1a25a6c1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_16.png deleted file mode 100644 index 502d144ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_17.png deleted file mode 100644 index fad818b87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_18.png deleted file mode 100644 index 46281ba18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_19.png deleted file mode 100644 index 9d4d74d63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_20.png deleted file mode 100644 index 03c16d548..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character05/0855_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_01.png deleted file mode 100644 index c12348ec1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_02.png deleted file mode 100644 index a2003601f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_03.png deleted file mode 100644 index 04983a7f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_04.png deleted file mode 100644 index 90b977842..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_05.png deleted file mode 100644 index cb06d19fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_06.png deleted file mode 100644 index 2b2340d13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_07.png deleted file mode 100644 index 9c21e7293..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_08.png deleted file mode 100644 index 8fe48f72e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_09.png deleted file mode 100644 index cf21437de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_10.png deleted file mode 100644 index 3aebff67f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_11.png deleted file mode 100644 index 2dd9a80ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_12.png deleted file mode 100644 index 64b50814d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_13.png deleted file mode 100644 index 91af00d6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_14.png deleted file mode 100644 index a036817c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_15.png deleted file mode 100644 index 37ace0748..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_16.png deleted file mode 100644 index 9229f0281..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_17.png deleted file mode 100644 index 1dea758e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_18.png deleted file mode 100644 index 593d7c7b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_19.png deleted file mode 100644 index a3578835f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_20.png deleted file mode 100644 index bdeec994b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character06/0856_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_01.png deleted file mode 100644 index d9af636ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_02.png deleted file mode 100644 index 9193f192d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_03.png deleted file mode 100644 index dda567c3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_04.png deleted file mode 100644 index a1a6744c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_05.png deleted file mode 100644 index 94f088750..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_06.png deleted file mode 100644 index df4bacb5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_07.png deleted file mode 100644 index 515f18a31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_08.png deleted file mode 100644 index db1813c68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_09.png deleted file mode 100644 index 483c3801e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_10.png deleted file mode 100644 index 39cfb97eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_11.png deleted file mode 100644 index 72e21a3ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_12.png deleted file mode 100644 index 81a00974a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_13.png deleted file mode 100644 index 35e8b8a0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_14.png deleted file mode 100644 index 323a66428..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_15.png deleted file mode 100644 index 51678dcad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_16.png deleted file mode 100644 index 4ccc49e8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_17.png deleted file mode 100644 index 1acafe8cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_18.png deleted file mode 100644 index b01c99615..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_19.png deleted file mode 100644 index 914de5e08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_20.png deleted file mode 100644 index f4f162126..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character07/0857_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_01.png deleted file mode 100644 index dd5eac8fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_02.png deleted file mode 100644 index a360c6f21..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_03.png deleted file mode 100644 index 9b2387f46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_04.png deleted file mode 100644 index 61a6ec75a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_05.png deleted file mode 100644 index d1e6bb4a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_06.png deleted file mode 100644 index aa10106ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_07.png deleted file mode 100644 index 3a34e88b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_08.png deleted file mode 100644 index 232114eae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_09.png deleted file mode 100644 index 49f6f2b4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_10.png deleted file mode 100644 index ff4d6c62a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_11.png deleted file mode 100644 index 5d93ce6ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_12.png deleted file mode 100644 index 7cae8b974..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_13.png deleted file mode 100644 index df1aee411..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_14.png deleted file mode 100644 index b5a976d6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_15.png deleted file mode 100644 index 1fcfb060a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_16.png deleted file mode 100644 index 15fd1ad82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_17.png deleted file mode 100644 index 6840761dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_18.png deleted file mode 100644 index 0be09e7a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_19.png deleted file mode 100644 index 5f191ef4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_20.png deleted file mode 100644 index 4341bc9d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character08/0858_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_01.png deleted file mode 100644 index 072939747..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_02.png deleted file mode 100644 index 04714026c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_03.png deleted file mode 100644 index f129db047..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_04.png deleted file mode 100644 index c0471be75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_05.png deleted file mode 100644 index b443d4cb0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_06.png deleted file mode 100644 index 9f779d83e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_07.png deleted file mode 100644 index f190836a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_08.png deleted file mode 100644 index 2faa7517a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_09.png deleted file mode 100644 index 65510efe1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_10.png deleted file mode 100644 index 4a968d881..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_11.png deleted file mode 100644 index bd7e11f87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_12.png deleted file mode 100644 index c6be607c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_13.png deleted file mode 100644 index 0848cd464..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_14.png deleted file mode 100644 index 4582c646a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_15.png deleted file mode 100644 index 44d37f570..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_16.png deleted file mode 100644 index 4511a4336..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_17.png deleted file mode 100644 index d44d963a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_18.png deleted file mode 100644 index 1e26cf629..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_19.png deleted file mode 100644 index eea560df2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_20.png deleted file mode 100644 index 976cfde05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character09/0859_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_01.png deleted file mode 100644 index 0d6d825e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_02.png deleted file mode 100644 index eb613f32c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_03.png deleted file mode 100644 index 0f576a0fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_04.png deleted file mode 100644 index ca43846c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_05.png deleted file mode 100644 index 80e3fe5c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_06.png deleted file mode 100644 index 2a0c6951f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_07.png deleted file mode 100644 index 544bafb47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_08.png deleted file mode 100644 index 25bbfb1de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_09.png deleted file mode 100644 index 3b5b7c0c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_10.png deleted file mode 100644 index cc139cf51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_11.png deleted file mode 100644 index e5e77f8dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_12.png deleted file mode 100644 index 8f6a75673..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_13.png deleted file mode 100644 index f15167749..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_14.png deleted file mode 100644 index 8af5e1ceb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_15.png deleted file mode 100644 index 9b48e09d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_16.png deleted file mode 100644 index 0b552c62e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_17.png deleted file mode 100644 index 84687e3e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_18.png deleted file mode 100644 index 887782c0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_19.png deleted file mode 100644 index 4561f44ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_20.png deleted file mode 100644 index 4a1b991cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character10/0860_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_01.png deleted file mode 100644 index ef9e5cabd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_02.png deleted file mode 100644 index c2d6be2ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_03.png deleted file mode 100644 index 786c90efb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_04.png deleted file mode 100644 index 0abd09b2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_05.png deleted file mode 100644 index 0e9537e1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_06.png deleted file mode 100644 index 92846464d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_07.png deleted file mode 100644 index 92781473c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_08.png deleted file mode 100644 index a10e9d5fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_09.png deleted file mode 100644 index 9a09d0bd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_10.png deleted file mode 100644 index 2448390f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_11.png deleted file mode 100644 index d6859016c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_12.png deleted file mode 100644 index 23ab5ef39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_13.png deleted file mode 100644 index 44b363f33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_14.png deleted file mode 100644 index cec7fcb7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_15.png deleted file mode 100644 index d598fcfff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_16.png deleted file mode 100644 index 9d61e3609..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_17.png deleted file mode 100644 index 8f0375dd6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_18.png deleted file mode 100644 index f4e97fc51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_19.png deleted file mode 100644 index c617bdd31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_20.png deleted file mode 100644 index ed5c7319c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character11/0861_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_01.png deleted file mode 100644 index c2698659d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_02.png deleted file mode 100644 index 1cbaedf4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_03.png deleted file mode 100644 index c75e84fac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_04.png deleted file mode 100644 index 918d47e5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_05.png deleted file mode 100644 index 72c65086d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_06.png deleted file mode 100644 index 24eacf304..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_07.png deleted file mode 100644 index 5ca5fdd7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_08.png deleted file mode 100644 index 298bab74a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_09.png deleted file mode 100644 index acdef5655..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_10.png deleted file mode 100644 index c1e6a6d47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_11.png deleted file mode 100644 index a0631ea35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_12.png deleted file mode 100644 index 160f6c415..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_13.png deleted file mode 100644 index 7055c7596..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_14.png deleted file mode 100644 index 7303b1dd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_15.png deleted file mode 100644 index cbf3e2389..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_16.png deleted file mode 100644 index 6f247cd5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_17.png deleted file mode 100644 index f44c01aa0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_18.png deleted file mode 100644 index 557eaabd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_19.png deleted file mode 100644 index 70d5d07f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_20.png deleted file mode 100644 index ccd4cd697..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character12/0862_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_01.png deleted file mode 100644 index d0c94c901..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_02.png deleted file mode 100644 index 487cecf82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_03.png deleted file mode 100644 index 9a56bb527..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_04.png deleted file mode 100644 index b231c2f3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_05.png deleted file mode 100644 index 67720b37f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_06.png deleted file mode 100644 index d37fe4d10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_07.png deleted file mode 100644 index 52ba8b328..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_08.png deleted file mode 100644 index 45a11c08c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_09.png deleted file mode 100644 index 15f31c771..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_10.png deleted file mode 100644 index 5ec9bde86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_11.png deleted file mode 100644 index 35616323c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_12.png deleted file mode 100644 index a70040691..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_13.png deleted file mode 100644 index 943270c2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_14.png deleted file mode 100644 index 98db878ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_15.png deleted file mode 100644 index 529190a54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_16.png deleted file mode 100644 index 67b51e52b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_17.png deleted file mode 100644 index 88f108060..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_18.png deleted file mode 100644 index 0b7bc3cdd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_19.png deleted file mode 100644 index 7df7c931f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_20.png deleted file mode 100644 index e2035cc02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character13/0863_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_01.png deleted file mode 100644 index d87fdff03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_02.png deleted file mode 100644 index cacbac619..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_03.png deleted file mode 100644 index 0b039b75d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_04.png deleted file mode 100644 index d898db0f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_05.png deleted file mode 100644 index 622a953c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_06.png deleted file mode 100644 index 65e5b2154..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_07.png deleted file mode 100644 index 93bcc0929..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_08.png deleted file mode 100644 index 825b91324..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_09.png deleted file mode 100644 index f5333c39f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_10.png deleted file mode 100644 index d9977bee2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_11.png deleted file mode 100644 index bdb853ae2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_12.png deleted file mode 100644 index ae8125bf6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_13.png deleted file mode 100644 index e3005ebd2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_14.png deleted file mode 100644 index f1012fa88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_15.png deleted file mode 100644 index 405c737ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_16.png deleted file mode 100644 index 0f081ec87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_17.png deleted file mode 100644 index 5490d7b2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_18.png deleted file mode 100644 index 56796eca2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_19.png deleted file mode 100644 index 2987ff8ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_20.png deleted file mode 100644 index e0352c352..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character14/0864_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_01.png deleted file mode 100644 index eb7e6760f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_02.png deleted file mode 100644 index 992d31696..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_03.png deleted file mode 100644 index 78d597534..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_04.png deleted file mode 100644 index 50b28f081..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_05.png deleted file mode 100644 index 3176f695c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_06.png deleted file mode 100644 index e462fc536..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_07.png deleted file mode 100644 index 1361629c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_08.png deleted file mode 100644 index cc7441390..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_09.png deleted file mode 100644 index 3f8fcea16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_10.png deleted file mode 100644 index d9379f7b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_11.png deleted file mode 100644 index 693fdd5ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_12.png deleted file mode 100644 index 538a4e523..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_13.png deleted file mode 100644 index 8f3419de1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_14.png deleted file mode 100644 index 983d63b87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_15.png deleted file mode 100644 index 2b2d2dceb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_16.png deleted file mode 100644 index 0672a7fa3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_17.png deleted file mode 100644 index b91b8ebf0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_18.png deleted file mode 100644 index 5a36b99d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_19.png deleted file mode 100644 index a10debba9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_20.png deleted file mode 100644 index 60721178f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character15/0865_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_01.png deleted file mode 100644 index 9efbff338..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_02.png deleted file mode 100644 index 56269f414..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_03.png deleted file mode 100644 index de0390c2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_04.png deleted file mode 100644 index f140fd981..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_05.png deleted file mode 100644 index 5c570b1a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_06.png deleted file mode 100644 index dcf2b9e91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_07.png deleted file mode 100644 index 41b418093..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_08.png deleted file mode 100644 index 00f8c7e01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_09.png deleted file mode 100644 index 44400a6bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_10.png deleted file mode 100644 index 6afca85d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_11.png deleted file mode 100644 index b4c584a0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_12.png deleted file mode 100644 index 65fc983f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_13.png deleted file mode 100644 index 959625b01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_14.png deleted file mode 100644 index 814fe5498..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_15.png deleted file mode 100644 index 19992082d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_16.png deleted file mode 100644 index 09c5a66f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_17.png deleted file mode 100644 index 0ab5f92df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_18.png deleted file mode 100644 index 202017af8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_19.png deleted file mode 100644 index 163bcdf18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_20.png deleted file mode 100644 index 584544389..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character16/0866_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_01.png deleted file mode 100644 index 4a228c4bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_02.png deleted file mode 100644 index c8a468a60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_03.png deleted file mode 100644 index 3ba481ca2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_04.png deleted file mode 100644 index 7f53592f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_05.png deleted file mode 100644 index cc105c374..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_06.png deleted file mode 100644 index c9566e571..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_07.png deleted file mode 100644 index b355b161c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_08.png deleted file mode 100644 index cf380fcab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_09.png deleted file mode 100644 index 5a4808c9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_10.png deleted file mode 100644 index 07a55acae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_11.png deleted file mode 100644 index fe9d7c79f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_12.png deleted file mode 100644 index 8d4947c91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_13.png deleted file mode 100644 index 3faf49339..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_14.png deleted file mode 100644 index 73f2d5855..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_15.png deleted file mode 100644 index d6e38c5a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_16.png deleted file mode 100644 index c575ea01b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_17.png deleted file mode 100644 index ad28ad9e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_18.png deleted file mode 100644 index daa63359d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_19.png deleted file mode 100644 index 58b7843a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_20.png deleted file mode 100644 index c65b38ac7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character17/0867_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_01.png deleted file mode 100644 index e0c4d28ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_02.png deleted file mode 100644 index 0f9d0f1c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_03.png deleted file mode 100644 index 88e7f5bc9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_04.png deleted file mode 100644 index 4f5bd4412..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_05.png deleted file mode 100644 index acd39bc9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_06.png deleted file mode 100644 index 4c0beefca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_07.png deleted file mode 100644 index c50343087..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_08.png deleted file mode 100644 index a4109bb7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_09.png deleted file mode 100644 index 6ff535441..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_10.png deleted file mode 100644 index da4aa20ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_11.png deleted file mode 100644 index 0108c9624..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_12.png deleted file mode 100644 index 1503826dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_13.png deleted file mode 100644 index 34f48a53e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_14.png deleted file mode 100644 index cfaf0d4fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_15.png deleted file mode 100644 index 5edee0de8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_16.png deleted file mode 100644 index 2997c3812..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_17.png deleted file mode 100644 index 13cd48a08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_18.png deleted file mode 100644 index c85238d7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_19.png deleted file mode 100644 index 8d0c8de3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_20.png deleted file mode 100644 index bca9a311f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character18/0868_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_01.png deleted file mode 100644 index d1404e575..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_02.png deleted file mode 100644 index f2700fefc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_03.png deleted file mode 100644 index 41ac82f0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_04.png deleted file mode 100644 index ace2985f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_05.png deleted file mode 100644 index ad732433b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_06.png deleted file mode 100644 index cdeb4839e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_07.png deleted file mode 100644 index 1b59a8e17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_08.png deleted file mode 100644 index 5f9843689..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_09.png deleted file mode 100644 index f1a941583..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_10.png deleted file mode 100644 index 888102a6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_11.png deleted file mode 100644 index ebee25513..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_12.png deleted file mode 100644 index 4e8e94615..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_13.png deleted file mode 100644 index 0d31ff2a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_14.png deleted file mode 100644 index 1555c6880..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_15.png deleted file mode 100644 index 46bb3b663..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_16.png deleted file mode 100644 index b7650e3e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_17.png deleted file mode 100644 index 1c471daf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_18.png deleted file mode 100644 index ceb06e7a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_19.png deleted file mode 100644 index d2aace306..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_20.png deleted file mode 100644 index dcd49b3a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character19/0869_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_01.png deleted file mode 100644 index f89b3170f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_02.png deleted file mode 100644 index c5e2390cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_03.png deleted file mode 100644 index 6ddb0d54a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_04.png deleted file mode 100644 index 0b2ccb450..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_05.png deleted file mode 100644 index 19a333f38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_06.png deleted file mode 100644 index 66623fce8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_07.png deleted file mode 100644 index c08cec51f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_08.png deleted file mode 100644 index 1001f4024..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_09.png deleted file mode 100644 index ca80bb9a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_10.png deleted file mode 100644 index 40362f81b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_11.png deleted file mode 100644 index f9531373c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_12.png deleted file mode 100644 index 125a69588..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_13.png deleted file mode 100644 index 863812dbc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_14.png deleted file mode 100644 index 0dbba7bae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_15.png deleted file mode 100644 index ebafc6582..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_16.png deleted file mode 100644 index 89788de8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_17.png deleted file mode 100644 index 42b984308..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_18.png deleted file mode 100644 index e81a0c2bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_19.png deleted file mode 100644 index 5457fa0a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_20.png deleted file mode 100644 index c1aa4d789..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character20/0870_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_01.png deleted file mode 100644 index 2c1b5d628..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_02.png deleted file mode 100644 index 15f7de69b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_03.png deleted file mode 100644 index e1c5ab83b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_04.png deleted file mode 100644 index bbb937f05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_05.png deleted file mode 100644 index 78172b1ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_06.png deleted file mode 100644 index a60070805..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_07.png deleted file mode 100644 index 9fb3f72c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_08.png deleted file mode 100644 index 534b5497d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_09.png deleted file mode 100644 index 82443f407..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_10.png deleted file mode 100644 index 34ceeda27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_11.png deleted file mode 100644 index 3ed032e94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_12.png deleted file mode 100644 index ae845cd3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_13.png deleted file mode 100644 index 1f223564c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_14.png deleted file mode 100644 index 34ca3b0b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_15.png deleted file mode 100644 index beb9fd84f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_16.png deleted file mode 100644 index 35f15571b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_17.png deleted file mode 100644 index 44abcf7ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_18.png deleted file mode 100644 index 2115cb90a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_19.png deleted file mode 100644 index c0ad3c376..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_20.png deleted file mode 100644 index 62e3fe137..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character21/0871_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_01.png deleted file mode 100644 index 13fd1b16c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_02.png deleted file mode 100644 index e38e04cd2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_03.png deleted file mode 100644 index 23b54d6e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_04.png deleted file mode 100644 index 5ed54c8ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_05.png deleted file mode 100644 index a32acb9ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_06.png deleted file mode 100644 index 5db8d8efb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_07.png deleted file mode 100644 index 36590d780..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_08.png deleted file mode 100644 index 1f101b89f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_09.png deleted file mode 100644 index fdef50d5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_10.png deleted file mode 100644 index 844f0fa06..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_11.png deleted file mode 100644 index 1e891bcad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_12.png deleted file mode 100644 index efe90e2c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_13.png deleted file mode 100644 index a738222e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_14.png deleted file mode 100644 index 04db9aaa6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_15.png deleted file mode 100644 index 70c61f4a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_16.png deleted file mode 100644 index 45bac71b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_17.png deleted file mode 100644 index a2ffd0ddc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_18.png deleted file mode 100644 index 895edd9c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_19.png deleted file mode 100644 index b743ec927..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_20.png deleted file mode 100644 index 339d3a592..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character22/0872_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_01.png deleted file mode 100644 index 492d46609..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_02.png deleted file mode 100644 index 51f144023..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_03.png deleted file mode 100644 index 5d4661eed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_04.png deleted file mode 100644 index 1903e48d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_05.png deleted file mode 100644 index 00021c4c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_06.png deleted file mode 100644 index 465e867ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_07.png deleted file mode 100644 index 3c4b10195..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_08.png deleted file mode 100644 index f8d7ae561..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_09.png deleted file mode 100644 index fabacaac2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_10.png deleted file mode 100644 index b06d0133d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_11.png deleted file mode 100644 index e8e26096a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_12.png deleted file mode 100644 index e0a7c37a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_13.png deleted file mode 100644 index 2b2c296dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_14.png deleted file mode 100644 index 691388f38..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_15.png deleted file mode 100644 index c148e873b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_16.png deleted file mode 100644 index 754a98127..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_17.png deleted file mode 100644 index 677a22e03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_18.png deleted file mode 100644 index e291cccf8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_19.png deleted file mode 100644 index d4a4c792b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_20.png deleted file mode 100644 index e689f0705..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character23/0873_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_01.png deleted file mode 100644 index 01bdcb387..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_02.png deleted file mode 100644 index 7cb18e8fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_03.png deleted file mode 100644 index fd98c9bc0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_04.png deleted file mode 100644 index 37b908f5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_05.png deleted file mode 100644 index e4d87266a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_06.png deleted file mode 100644 index 7bbb4092e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_07.png deleted file mode 100644 index 76b94b609..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_08.png deleted file mode 100644 index 7130a0c49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_09.png deleted file mode 100644 index 1e5ad0032..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_10.png deleted file mode 100644 index b1b66dffe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_11.png deleted file mode 100644 index 9409a393c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_12.png deleted file mode 100644 index 39899935a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_13.png deleted file mode 100644 index bae365e2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_14.png deleted file mode 100644 index ee3c785be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_15.png deleted file mode 100644 index e37599482..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_16.png deleted file mode 100644 index 1e163e36d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_17.png deleted file mode 100644 index 16cc4aa8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_18.png deleted file mode 100644 index d49aa6139..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_19.png deleted file mode 100644 index b240c4e24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_20.png deleted file mode 100644 index f3e057c86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character24/0874_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_01.png deleted file mode 100644 index a0f296401..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_02.png deleted file mode 100644 index c97549ace..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_03.png deleted file mode 100644 index c14e82016..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_04.png deleted file mode 100644 index dc62a2821..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_05.png deleted file mode 100644 index 03790da39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_06.png deleted file mode 100644 index 4c8938047..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_07.png deleted file mode 100644 index 4a3151b41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_08.png deleted file mode 100644 index 2345215cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_09.png deleted file mode 100644 index 2e89a0107..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_10.png deleted file mode 100644 index d8a5a67fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_11.png deleted file mode 100644 index 1bf08b14f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_12.png deleted file mode 100644 index f62816684..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_13.png deleted file mode 100644 index f855fa07b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_14.png deleted file mode 100644 index 56fb95e05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_15.png deleted file mode 100644 index 745297b6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_16.png deleted file mode 100644 index 50607b045..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_17.png deleted file mode 100644 index a06e86074..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_18.png deleted file mode 100644 index 13803da00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_19.png deleted file mode 100644 index 8d7dab5f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_20.png deleted file mode 100644 index 91af8af6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character25/0875_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_01.png deleted file mode 100644 index 7ad1fc7db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_02.png deleted file mode 100644 index c01c089d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_03.png deleted file mode 100644 index 14fe03741..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_04.png deleted file mode 100644 index d5514ea68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_05.png deleted file mode 100644 index 0e1da7d5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_06.png deleted file mode 100644 index 8ef0e7ff6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_07.png deleted file mode 100644 index 5c2ac1d65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_08.png deleted file mode 100644 index a8c7d0f09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_09.png deleted file mode 100644 index a94a101ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_10.png deleted file mode 100644 index aa88a18e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_11.png deleted file mode 100644 index d1d743b33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_12.png deleted file mode 100644 index 8e482068b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_13.png deleted file mode 100644 index 36eb79e84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_14.png deleted file mode 100644 index bc6594483..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_15.png deleted file mode 100644 index 9528109f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_16.png deleted file mode 100644 index 0a4846237..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_17.png deleted file mode 100644 index 00959ba5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_18.png deleted file mode 100644 index ea5f7ffc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_19.png deleted file mode 100644 index 1828d7c28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_20.png deleted file mode 100644 index 4c12e2def..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character26/0876_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_01.png deleted file mode 100644 index 66bccf407..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_02.png deleted file mode 100644 index f1b8b9f48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_03.png deleted file mode 100644 index d53e16d33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_04.png deleted file mode 100644 index 97289c480..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_05.png deleted file mode 100644 index 5feaa3e7b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_06.png deleted file mode 100644 index 64b16eb84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_07.png deleted file mode 100644 index 1ccb6926e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_08.png deleted file mode 100644 index 21dfbc1b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_09.png deleted file mode 100644 index 276db1fae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_10.png deleted file mode 100644 index 225f5c53b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_11.png deleted file mode 100644 index e1f579bbe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_12.png deleted file mode 100644 index 6083d20de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_13.png deleted file mode 100644 index 122b90531..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_14.png deleted file mode 100644 index 06aa62e5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_15.png deleted file mode 100644 index 58c215c87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_16.png deleted file mode 100644 index 7b9b7e494..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_17.png deleted file mode 100644 index a4a2dc690..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_18.png deleted file mode 100644 index b31f9779e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_19.png deleted file mode 100644 index b91ad5022..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_20.png deleted file mode 100644 index ce7ed615d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character27/0877_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_01.png deleted file mode 100644 index a15fb2e07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_02.png deleted file mode 100644 index 28ca98abd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_03.png deleted file mode 100644 index 9b03e0d63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_04.png deleted file mode 100644 index 154f82282..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_05.png deleted file mode 100644 index 45ab9f884..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_06.png deleted file mode 100644 index 25e285710..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_07.png deleted file mode 100644 index 7f4244ec1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_08.png deleted file mode 100644 index 1ff036a35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_09.png deleted file mode 100644 index d1a19fba2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_10.png deleted file mode 100644 index 2c0e5f67c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_11.png deleted file mode 100644 index cdb4ae1b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_12.png deleted file mode 100644 index 8b1549fcb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_13.png deleted file mode 100644 index 80267ca6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_14.png deleted file mode 100644 index 496baf93d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_15.png deleted file mode 100644 index 9f27bdc42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_16.png deleted file mode 100644 index fa589e030..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_17.png deleted file mode 100644 index 897b0e2c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_18.png deleted file mode 100644 index ecbf70a79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_19.png deleted file mode 100644 index 29d26fe3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_20.png deleted file mode 100644 index 4100bbe5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character28/0878_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_01.png deleted file mode 100644 index f89a78e4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_02.png deleted file mode 100644 index f8baf3b9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_03.png deleted file mode 100644 index fed7bae7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_04.png deleted file mode 100644 index b62187d62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_05.png deleted file mode 100644 index f5ba34d6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_06.png deleted file mode 100644 index 5ad28cc9d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_07.png deleted file mode 100644 index 5deb54391..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_08.png deleted file mode 100644 index 360593e56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_09.png deleted file mode 100644 index f2471b151..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_10.png deleted file mode 100644 index 9776aca25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_11.png deleted file mode 100644 index cd2290824..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_12.png deleted file mode 100644 index 90eec18ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_13.png deleted file mode 100644 index 171b42737..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_14.png deleted file mode 100644 index e723c7a4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_15.png deleted file mode 100644 index c18120f7b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_16.png deleted file mode 100644 index 9cda49f19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_17.png deleted file mode 100644 index e9a57ecb8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_18.png deleted file mode 100644 index 0aa8668ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_19.png deleted file mode 100644 index 6bff823c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_20.png deleted file mode 100644 index 39546c3dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character29/0879_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_01.png deleted file mode 100644 index 5f771b491..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_02.png deleted file mode 100644 index 818c8d09a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_03.png deleted file mode 100644 index c2a977f2e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_04.png deleted file mode 100644 index 907efb792..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_05.png deleted file mode 100644 index 695b2c3c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_06.png deleted file mode 100644 index ae67462b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_07.png deleted file mode 100644 index 7b3ba61c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_08.png deleted file mode 100644 index 9c0300db5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_09.png deleted file mode 100644 index 92daf2694..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_10.png deleted file mode 100644 index 92ce8feae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_11.png deleted file mode 100644 index f47b37ddd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_12.png deleted file mode 100644 index c65ff80ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_13.png deleted file mode 100644 index 8a9807a5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_14.png deleted file mode 100644 index 6b3a9836b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_15.png deleted file mode 100644 index 8dd8bf32b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_16.png deleted file mode 100644 index d44a63253..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_17.png deleted file mode 100644 index f678dd05d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_18.png deleted file mode 100644 index d5952e1d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_19.png deleted file mode 100644 index 6dfcbd2ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_20.png deleted file mode 100644 index 22dc6d74c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character30/0880_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_01.png deleted file mode 100644 index 23058d9ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_02.png deleted file mode 100644 index d2f2207a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_03.png deleted file mode 100644 index 5688985a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_04.png deleted file mode 100644 index 429891515..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_05.png deleted file mode 100644 index 7eaed4e02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_06.png deleted file mode 100644 index 0f28ac26a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_07.png deleted file mode 100644 index 114de0d49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_08.png deleted file mode 100644 index 28ac1fed4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_09.png deleted file mode 100644 index 15af5d842..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_10.png deleted file mode 100644 index 77f7ee3a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_11.png deleted file mode 100644 index 73fae3698..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_12.png deleted file mode 100644 index 1c2450200..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_13.png deleted file mode 100644 index 853536fbd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_14.png deleted file mode 100644 index 3d0829fff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_15.png deleted file mode 100644 index e1294bb53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_16.png deleted file mode 100644 index fd355b066..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_17.png deleted file mode 100644 index 6bea0971b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_18.png deleted file mode 100644 index 6a06cfc05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_19.png deleted file mode 100644 index 48840fab5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_20.png deleted file mode 100644 index 212408970..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character31/0881_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_01.png deleted file mode 100644 index 1b0af9387..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_02.png deleted file mode 100644 index 447682577..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_03.png deleted file mode 100644 index 7d25e9cad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_04.png deleted file mode 100644 index f78ba075f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_05.png deleted file mode 100644 index 21752de11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_06.png deleted file mode 100644 index 65ddd8e25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_07.png deleted file mode 100644 index 25dd33227..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_08.png deleted file mode 100644 index 5a0befa67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_09.png deleted file mode 100644 index bca2cf3fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_10.png deleted file mode 100644 index 54afdaf56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_11.png deleted file mode 100644 index 2f18f2267..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_12.png deleted file mode 100644 index 73be3a316..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_13.png deleted file mode 100644 index 67eee8f97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_14.png deleted file mode 100644 index da0a120c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_15.png deleted file mode 100644 index 5f71ff68c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_16.png deleted file mode 100644 index 6910ced93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_17.png deleted file mode 100644 index 4e028e388..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_18.png deleted file mode 100644 index 4accce3f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_19.png deleted file mode 100644 index 58b075322..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_20.png deleted file mode 100644 index 8e6df6df8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character32/0882_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_01.png deleted file mode 100644 index 3b18d0d93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_02.png deleted file mode 100644 index 33d9f2c22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_03.png deleted file mode 100644 index f5b732a3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_04.png deleted file mode 100644 index 01c4c6e5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_05.png deleted file mode 100644 index 42d901af6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_06.png deleted file mode 100644 index 9515a5bb2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_07.png deleted file mode 100644 index f47f04199..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_08.png deleted file mode 100644 index 8e973e4e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_09.png deleted file mode 100644 index b5fb57eb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_10.png deleted file mode 100644 index 82c58ceb3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_11.png deleted file mode 100644 index 65679e4d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_12.png deleted file mode 100644 index 3caff6d7b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_13.png deleted file mode 100644 index fe8856ec6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_14.png deleted file mode 100644 index e768ec3b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_15.png deleted file mode 100644 index c9463019d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_16.png deleted file mode 100644 index 980d443f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_17.png deleted file mode 100644 index 9479d4369..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_18.png deleted file mode 100644 index 6b9f7df7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_19.png deleted file mode 100644 index a6e288792..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_20.png deleted file mode 100644 index 434a490f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character33/0883_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_01.png deleted file mode 100644 index 6934a6702..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_02.png deleted file mode 100644 index 633432613..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_03.png deleted file mode 100644 index 82aff0b04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_04.png deleted file mode 100644 index 50a60f2a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_05.png deleted file mode 100644 index 68b672f26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_06.png deleted file mode 100644 index cfac74174..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_07.png deleted file mode 100644 index 4d4c23f47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_08.png deleted file mode 100644 index 40d44e6d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_09.png deleted file mode 100644 index 9792fab73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_10.png deleted file mode 100644 index 7fe1219f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_11.png deleted file mode 100644 index c0d630788..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_12.png deleted file mode 100644 index 85ed3e379..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_13.png deleted file mode 100644 index 110886c96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_14.png deleted file mode 100644 index cbf88a006..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_15.png deleted file mode 100644 index c3340a80f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_16.png deleted file mode 100644 index fc475c4e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_17.png deleted file mode 100644 index 94f0e2223..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_18.png deleted file mode 100644 index 5aa19dc84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_19.png deleted file mode 100644 index 34e084ed0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_20.png deleted file mode 100644 index a7f48d9e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character34/0884_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_01.png deleted file mode 100644 index 791433a63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_02.png deleted file mode 100644 index 5a2452a84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_03.png deleted file mode 100644 index 4ad9ed0e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_04.png deleted file mode 100644 index a2a24b8fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_05.png deleted file mode 100644 index 6f380f537..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_06.png deleted file mode 100644 index 6219748d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_07.png deleted file mode 100644 index 1725e32f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_08.png deleted file mode 100644 index 088f65341..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_09.png deleted file mode 100644 index d5b981a3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_10.png deleted file mode 100644 index 6e4fc5141..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_11.png deleted file mode 100644 index b96e3d983..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_12.png deleted file mode 100644 index 02bfbda90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_13.png deleted file mode 100644 index 5c8c63491..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_14.png deleted file mode 100644 index 5e3684da8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_15.png deleted file mode 100644 index dbf9a5b1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_16.png deleted file mode 100644 index 381f547eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_17.png deleted file mode 100644 index 41acb24b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_18.png deleted file mode 100644 index 431a5a85e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_19.png deleted file mode 100644 index 5f56ac531..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_20.png deleted file mode 100644 index 82c4ad14b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character35/0885_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_01.png deleted file mode 100644 index 42ab35a31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_02.png deleted file mode 100644 index 968f9aeab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_03.png deleted file mode 100644 index 95b00c2c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_04.png deleted file mode 100644 index 657c8a5af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_05.png deleted file mode 100644 index 2976acf51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_06.png deleted file mode 100644 index fe86cf779..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_07.png deleted file mode 100644 index 956d4538f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_08.png deleted file mode 100644 index 3ea7540fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_09.png deleted file mode 100644 index bc2eb8851..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_10.png deleted file mode 100644 index 6cdecd41e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_11.png deleted file mode 100644 index 68bb21730..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_12.png deleted file mode 100644 index d3843a410..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_13.png deleted file mode 100644 index 5d6b288f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_14.png deleted file mode 100644 index f258ef735..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_15.png deleted file mode 100644 index 4c8e70d8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_16.png deleted file mode 100644 index 4ee110dc0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_17.png deleted file mode 100644 index a2c837762..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_18.png deleted file mode 100644 index f214f4845..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_19.png deleted file mode 100644 index e3fca5517..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_20.png deleted file mode 100644 index 7d27f2a4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character36/0886_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_01.png deleted file mode 100644 index f55c258e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_02.png deleted file mode 100644 index 45e4eec28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_03.png deleted file mode 100644 index f06296e61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_04.png deleted file mode 100644 index 9f1304ef0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_05.png deleted file mode 100644 index c8a5676a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_06.png deleted file mode 100644 index a4c9078d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_07.png deleted file mode 100644 index 596e3493e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_08.png deleted file mode 100644 index cde531d1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_09.png deleted file mode 100644 index e99469f82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_10.png deleted file mode 100644 index 369c785e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_11.png deleted file mode 100644 index 8a5a0af9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_12.png deleted file mode 100644 index d6590dcee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_13.png deleted file mode 100644 index d35ae59ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_14.png deleted file mode 100644 index 3e138694f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_15.png deleted file mode 100644 index 60708b8af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_16.png deleted file mode 100644 index c9389fbb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_17.png deleted file mode 100644 index a58169385..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_18.png deleted file mode 100644 index 6c9d49b6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_19.png deleted file mode 100644 index 4085901cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_20.png deleted file mode 100644 index 0128157ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character37/0887_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_01.png deleted file mode 100644 index 5df98bf14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_02.png deleted file mode 100644 index 7c92b2b4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_03.png deleted file mode 100644 index abe5202d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_04.png deleted file mode 100644 index 4cdb450cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_05.png deleted file mode 100644 index 4004240d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_06.png deleted file mode 100644 index 99becc7e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_07.png deleted file mode 100644 index b21216752..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_08.png deleted file mode 100644 index 6d361081f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_09.png deleted file mode 100644 index 637bff355..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_10.png deleted file mode 100644 index ee496d2d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_11.png deleted file mode 100644 index bb4458919..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_12.png deleted file mode 100644 index ab8e2c467..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_13.png deleted file mode 100644 index b67444451..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_14.png deleted file mode 100644 index 0e7b7e1a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_15.png deleted file mode 100644 index 318c8e2b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_16.png deleted file mode 100644 index 3e7960678..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_17.png deleted file mode 100644 index 4a9e7fc29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_18.png deleted file mode 100644 index 994787d78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_19.png deleted file mode 100644 index 46713321f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_20.png deleted file mode 100644 index 401df5085..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character38/0888_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_01.png deleted file mode 100644 index 8d447f9c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_02.png deleted file mode 100644 index f40edc56b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_03.png deleted file mode 100644 index c87604a10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_04.png deleted file mode 100644 index 24613e091..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_05.png deleted file mode 100644 index ee43193d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_06.png deleted file mode 100644 index f219b91cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_07.png deleted file mode 100644 index e1f9e967d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_08.png deleted file mode 100644 index a66de7b41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_09.png deleted file mode 100644 index 538d92c70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_10.png deleted file mode 100644 index b2769f0e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_11.png deleted file mode 100644 index 996a1aa50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_12.png deleted file mode 100644 index 6123fadb0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_13.png deleted file mode 100644 index 0ee7e6f7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_14.png deleted file mode 100644 index ac44917bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_15.png deleted file mode 100644 index 9478fb43b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_16.png deleted file mode 100644 index b5b7319ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_17.png deleted file mode 100644 index 2141bb8c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_18.png deleted file mode 100644 index eb22a780d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_19.png deleted file mode 100644 index 78f8ea220..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_20.png deleted file mode 100644 index a9d9d5dde..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character39/0889_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_01.png deleted file mode 100644 index e43cd1dc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_02.png deleted file mode 100644 index eb7da486b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_03.png deleted file mode 100644 index af5b7def2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_04.png deleted file mode 100644 index 4aedef4b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_05.png deleted file mode 100644 index b4e139943..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_06.png deleted file mode 100644 index 68c9aae27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_07.png deleted file mode 100644 index 5a8790c05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_08.png deleted file mode 100644 index cfe1cc807..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_09.png deleted file mode 100644 index 74eeb0200..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_10.png deleted file mode 100644 index a636fb953..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_11.png deleted file mode 100644 index c9c875260..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_12.png deleted file mode 100644 index 2c4f63dde..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_13.png deleted file mode 100644 index 00fffd44d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_14.png deleted file mode 100644 index bb440e883..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_15.png deleted file mode 100644 index 66cfcf934..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_16.png deleted file mode 100644 index 58400e7a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_17.png deleted file mode 100644 index 174745d7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_18.png deleted file mode 100644 index 216ea47e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_19.png deleted file mode 100644 index 2916b9d31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_20.png deleted file mode 100644 index 7c82ed62c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character40/0890_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_01.png deleted file mode 100644 index 4c34765e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_02.png deleted file mode 100644 index 5bdf59dc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_03.png deleted file mode 100644 index 61ae201a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_04.png deleted file mode 100644 index c35a13415..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_05.png deleted file mode 100644 index b60a1388e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_06.png deleted file mode 100644 index fbe3d4f0c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_07.png deleted file mode 100644 index beb95587f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_08.png deleted file mode 100644 index aa055894c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_09.png deleted file mode 100644 index c13c764b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_10.png deleted file mode 100644 index 29d0adbc8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_11.png deleted file mode 100644 index 42f940c9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_12.png deleted file mode 100644 index 8e5c1224c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_13.png deleted file mode 100644 index 11443a64a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_14.png deleted file mode 100644 index d0728699f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_15.png deleted file mode 100644 index 192bc521f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_16.png deleted file mode 100644 index 394634767..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_17.png deleted file mode 100644 index fb2b11b60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_18.png deleted file mode 100644 index 4eeb48162..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_19.png deleted file mode 100644 index 53ea362c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_20.png deleted file mode 100644 index 9d25938c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character41/0891_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_01.png deleted file mode 100644 index 4b95c7756..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_02.png deleted file mode 100644 index 11ff94184..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_03.png deleted file mode 100644 index a02581b67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_04.png deleted file mode 100644 index f8230e11b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_05.png deleted file mode 100644 index 4ad899739..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_06.png deleted file mode 100644 index 0381f7168..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_07.png deleted file mode 100644 index cc2ce70a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_08.png deleted file mode 100644 index e310d2509..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_09.png deleted file mode 100644 index a57fc2c9d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_10.png deleted file mode 100644 index a1fd4a836..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_11.png deleted file mode 100644 index d8258680c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_12.png deleted file mode 100644 index 4a368dc6e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_13.png deleted file mode 100644 index cd25979bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_14.png deleted file mode 100644 index 5701d7f4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_15.png deleted file mode 100644 index 589dbed1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_16.png deleted file mode 100644 index 594600013..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_17.png deleted file mode 100644 index e6e036590..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_18.png deleted file mode 100644 index 675141ffc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_19.png deleted file mode 100644 index 141932bf5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_20.png deleted file mode 100644 index 9a037a6d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Sanskrit/character42/0892_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_01.png deleted file mode 100644 index 4a8b701dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_02.png deleted file mode 100644 index 3a4bb8b63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_03.png deleted file mode 100644 index a0f96eea9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_04.png deleted file mode 100644 index 891090718..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_05.png deleted file mode 100644 index 2b7046d5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_06.png deleted file mode 100644 index 60e1498a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_07.png deleted file mode 100644 index 793e136b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_08.png deleted file mode 100644 index b3f9149bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_09.png deleted file mode 100644 index 4ff4febc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_10.png deleted file mode 100644 index 0d908ad79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_11.png deleted file mode 100644 index b052824e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_12.png deleted file mode 100644 index 6a7169b01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_13.png deleted file mode 100644 index b2d1860d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_14.png deleted file mode 100644 index 6d9db8fb3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_15.png deleted file mode 100644 index 604351ace..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_16.png deleted file mode 100644 index d2f7c0206..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_17.png deleted file mode 100644 index 199ee26cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_18.png deleted file mode 100644 index 75701d69a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_19.png deleted file mode 100644 index 9974605b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_20.png deleted file mode 100644 index e3b596b6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character01/0273_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_01.png deleted file mode 100644 index 556015377..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_02.png deleted file mode 100644 index 4c934f77c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_03.png deleted file mode 100644 index f956562f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_04.png deleted file mode 100644 index 7dd472d09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_05.png deleted file mode 100644 index f0da7b70a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_06.png deleted file mode 100644 index 0825fa037..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_07.png deleted file mode 100644 index bff190460..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_08.png deleted file mode 100644 index 826654f6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_09.png deleted file mode 100644 index ad70dd17d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_10.png deleted file mode 100644 index b31eaa200..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_11.png deleted file mode 100644 index babb0f1b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_12.png deleted file mode 100644 index 3d7baae07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_13.png deleted file mode 100644 index 26b87bfa3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_14.png deleted file mode 100644 index 8dc239c1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_15.png deleted file mode 100644 index fe5eeb30c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_16.png deleted file mode 100644 index 82a03ff4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_17.png deleted file mode 100644 index 491b0a2ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_18.png deleted file mode 100644 index 9f7fddd7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_19.png deleted file mode 100644 index def08909b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_20.png deleted file mode 100644 index 15095595b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character02/0274_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_01.png deleted file mode 100644 index 773b4fec6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_02.png deleted file mode 100644 index 0a2fae804..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_03.png deleted file mode 100644 index c544f99e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_04.png deleted file mode 100644 index d6ea5eebf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_05.png deleted file mode 100644 index f52bedfc2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_06.png deleted file mode 100644 index d747aa52c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_07.png deleted file mode 100644 index f447bf143..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_08.png deleted file mode 100644 index 00a34d725..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_09.png deleted file mode 100644 index 03b9ade74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_10.png deleted file mode 100644 index e6e42d7a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_11.png deleted file mode 100644 index 22d8ffe63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_12.png deleted file mode 100644 index 21bf1c65c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_13.png deleted file mode 100644 index c2358b486..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_14.png deleted file mode 100644 index 3e7e11c50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_15.png deleted file mode 100644 index 35e746b5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_16.png deleted file mode 100644 index 979e7720e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_17.png deleted file mode 100644 index 6af177054..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_18.png deleted file mode 100644 index b3967584b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_19.png deleted file mode 100644 index 9efcaa2ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_20.png deleted file mode 100644 index 5fdb3283b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character03/0275_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_01.png deleted file mode 100644 index 39f93222b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_02.png deleted file mode 100644 index d35091beb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_03.png deleted file mode 100644 index b32ab5a73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_04.png deleted file mode 100644 index fccb51557..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_05.png deleted file mode 100644 index 0b02a3407..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_06.png deleted file mode 100644 index 5e03f6236..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_07.png deleted file mode 100644 index 11aeb7b48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_08.png deleted file mode 100644 index 97f24994f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_09.png deleted file mode 100644 index 5bd4c65b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_10.png deleted file mode 100644 index 10121e990..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_11.png deleted file mode 100644 index d7452a82a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_12.png deleted file mode 100644 index 32de02ef3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_13.png deleted file mode 100644 index 0498f23f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_14.png deleted file mode 100644 index e29f3569d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_15.png deleted file mode 100644 index 87b6d2f16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_16.png deleted file mode 100644 index a41e6df9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_17.png deleted file mode 100644 index ebe5e4bec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_18.png deleted file mode 100644 index 28a687848..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_19.png deleted file mode 100644 index 2aeebf67c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_20.png deleted file mode 100644 index 08906580f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character04/0276_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_01.png deleted file mode 100644 index 389188115..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_02.png deleted file mode 100644 index 1ffabf822..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_03.png deleted file mode 100644 index e061614fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_04.png deleted file mode 100644 index 49890e28b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_05.png deleted file mode 100644 index b20b4ca4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_06.png deleted file mode 100644 index cc0542e98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_07.png deleted file mode 100644 index 2bd331e8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_08.png deleted file mode 100644 index defbd1a0f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_09.png deleted file mode 100644 index 69efbe650..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_10.png deleted file mode 100644 index f472c0e8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_11.png deleted file mode 100644 index d9a94e3d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_12.png deleted file mode 100644 index 422ff5015..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_13.png deleted file mode 100644 index 4727feca0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_14.png deleted file mode 100644 index 01f64d5c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_15.png deleted file mode 100644 index 4dcc92c24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_16.png deleted file mode 100644 index 60a59ad63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_17.png deleted file mode 100644 index cd6a9d355..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_18.png deleted file mode 100644 index e6f11b538..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_19.png deleted file mode 100644 index edf886faa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_20.png deleted file mode 100644 index f10e57d78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character05/0277_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_01.png deleted file mode 100644 index bb92a8c8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_02.png deleted file mode 100644 index d1aac8279..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_03.png deleted file mode 100644 index 89b719dfa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_04.png deleted file mode 100644 index 1c0e43226..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_05.png deleted file mode 100644 index ca4eae8b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_06.png deleted file mode 100644 index a5a9c1016..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_07.png deleted file mode 100644 index c971a604c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_08.png deleted file mode 100644 index 06f948512..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_09.png deleted file mode 100644 index d055fc39c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_10.png deleted file mode 100644 index 35ae788cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_11.png deleted file mode 100644 index 518b48e77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_12.png deleted file mode 100644 index fbc423f7b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_13.png deleted file mode 100644 index 36ffbd730..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_14.png deleted file mode 100644 index 14b17e90e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_15.png deleted file mode 100644 index 1e7d291c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_16.png deleted file mode 100644 index 06a212518..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_17.png deleted file mode 100644 index 01c3c4d53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_18.png deleted file mode 100644 index 7e17e4213..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_19.png deleted file mode 100644 index 6a791df1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_20.png deleted file mode 100644 index d39eee6ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character06/0278_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_01.png deleted file mode 100644 index 57799d591..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_02.png deleted file mode 100644 index a6334e37f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_03.png deleted file mode 100644 index 3d885b189..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_04.png deleted file mode 100644 index d7f7e167c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_05.png deleted file mode 100644 index 43659e9a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_06.png deleted file mode 100644 index c75f6127f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_07.png deleted file mode 100644 index fb5499816..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_08.png deleted file mode 100644 index 400384ad3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_09.png deleted file mode 100644 index 5707f43e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_10.png deleted file mode 100644 index 1b60a932d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_11.png deleted file mode 100644 index 25baeb909..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_12.png deleted file mode 100644 index 664b708a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_13.png deleted file mode 100644 index a97b8cc41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_14.png deleted file mode 100644 index 603a697bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_15.png deleted file mode 100644 index 875cb3b93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_16.png deleted file mode 100644 index 90aa6c891..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_17.png deleted file mode 100644 index 1dc8332ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_18.png deleted file mode 100644 index b6900dd34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_19.png deleted file mode 100644 index 50b5773e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_20.png deleted file mode 100644 index e5310d7b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character07/0279_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_01.png deleted file mode 100644 index f486fdaf4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_02.png deleted file mode 100644 index c42ccea73..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_03.png deleted file mode 100644 index 59fbbd314..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_04.png deleted file mode 100644 index bbee94e6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_05.png deleted file mode 100644 index 554b60c04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_06.png deleted file mode 100644 index 64d9f7371..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_07.png deleted file mode 100644 index 5dfb51d5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_08.png deleted file mode 100644 index c45fce5c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_09.png deleted file mode 100644 index 481cf24ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_10.png deleted file mode 100644 index a358e3cc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_11.png deleted file mode 100644 index 852b149ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_12.png deleted file mode 100644 index 92ef9bb87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_13.png deleted file mode 100644 index 03caea37c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_14.png deleted file mode 100644 index 3ff946994..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_15.png deleted file mode 100644 index be30454fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_16.png deleted file mode 100644 index b84161561..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_17.png deleted file mode 100644 index 81516782c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_18.png deleted file mode 100644 index 8e2ae8894..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_19.png deleted file mode 100644 index 64358efba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_20.png deleted file mode 100644 index 29ddbfbb2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character08/0280_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_01.png deleted file mode 100644 index 951a8afe7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_02.png deleted file mode 100644 index dc3ac96be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_03.png deleted file mode 100644 index 3ec48385d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_04.png deleted file mode 100644 index 53d71e281..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_05.png deleted file mode 100644 index 118cf5a52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_06.png deleted file mode 100644 index 674176b52..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_07.png deleted file mode 100644 index 544cfc833..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_08.png deleted file mode 100644 index dbdfbda23..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_09.png deleted file mode 100644 index 30f8edd97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_10.png deleted file mode 100644 index df18ca3e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_11.png deleted file mode 100644 index 3da1c7fff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_12.png deleted file mode 100644 index 2eecc3e53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_13.png deleted file mode 100644 index 026de164d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_14.png deleted file mode 100644 index c50b9e9af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_15.png deleted file mode 100644 index bfe6a5719..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_16.png deleted file mode 100644 index d77ce1504..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_17.png deleted file mode 100644 index e6664d579..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_18.png deleted file mode 100644 index bdcdaa122..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_19.png deleted file mode 100644 index 3bad03377..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_20.png deleted file mode 100644 index a71adf910..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character09/0281_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_01.png deleted file mode 100644 index f59cfb3e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_02.png deleted file mode 100644 index 11cadeab0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_03.png deleted file mode 100644 index 3c2ae9cad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_04.png deleted file mode 100644 index 44a4a4c39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_05.png deleted file mode 100644 index 5e5c60c1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_06.png deleted file mode 100644 index 52e31019d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_07.png deleted file mode 100644 index 4100494b3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_08.png deleted file mode 100644 index a520f7bbb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_09.png deleted file mode 100644 index dbb6cf117..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_10.png deleted file mode 100644 index 48324b987..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_11.png deleted file mode 100644 index 406741f70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_12.png deleted file mode 100644 index f1cf9e5f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_13.png deleted file mode 100644 index 82f6b3994..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_14.png deleted file mode 100644 index 0b7acd382..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_15.png deleted file mode 100644 index 85e27950f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_16.png deleted file mode 100644 index 0cf3bee8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_17.png deleted file mode 100644 index 2fcc62faa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_18.png deleted file mode 100644 index 4f068b7e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_19.png deleted file mode 100644 index 57bbae720..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_20.png deleted file mode 100644 index b70a6f381..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character10/0282_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_01.png deleted file mode 100644 index b257fc393..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_02.png deleted file mode 100644 index f02e0bbd6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_03.png deleted file mode 100644 index 86330526f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_04.png deleted file mode 100644 index 99a7576eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_05.png deleted file mode 100644 index 2b9a56119..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_06.png deleted file mode 100644 index bb726a6de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_07.png deleted file mode 100644 index 52fad410d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_08.png deleted file mode 100644 index e9079d77c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_09.png deleted file mode 100644 index 09686ebae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_10.png deleted file mode 100644 index bd0150b96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_11.png deleted file mode 100644 index c2691a027..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_12.png deleted file mode 100644 index 1dcfe80a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_13.png deleted file mode 100644 index 9fc2091cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_14.png deleted file mode 100644 index 2151ad973..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_15.png deleted file mode 100644 index cd57120d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_16.png deleted file mode 100644 index a643d75dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_17.png deleted file mode 100644 index a2bce18b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_18.png deleted file mode 100644 index 115f28cc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_19.png deleted file mode 100644 index 82aaf645e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_20.png deleted file mode 100644 index 125782a22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character11/0283_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_01.png deleted file mode 100644 index ac47621b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_02.png deleted file mode 100644 index 7b692f186..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_03.png deleted file mode 100644 index c5198c4da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_04.png deleted file mode 100644 index f1a844cb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_05.png deleted file mode 100644 index 6adf1cb9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_06.png deleted file mode 100644 index 786122e35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_07.png deleted file mode 100644 index b81f23922..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_08.png deleted file mode 100644 index 3e3a070a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_09.png deleted file mode 100644 index 9be5cf1f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_10.png deleted file mode 100644 index ca56e2798..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_11.png deleted file mode 100644 index 88fce8d1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_12.png deleted file mode 100644 index 67e021603..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_13.png deleted file mode 100644 index 4804425fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_14.png deleted file mode 100644 index e5d07795e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_15.png deleted file mode 100644 index e426ca489..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_16.png deleted file mode 100644 index 2694a2173..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_17.png deleted file mode 100644 index 5584f4139..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_18.png deleted file mode 100644 index f0c387d36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_19.png deleted file mode 100644 index 253972e25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_20.png deleted file mode 100644 index 97d1925a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character12/0284_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_01.png deleted file mode 100644 index e44cb9e92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_02.png deleted file mode 100644 index 040a3382f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_03.png deleted file mode 100644 index 1cf9b0c9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_04.png deleted file mode 100644 index fbec156a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_05.png deleted file mode 100644 index f308f6083..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_06.png deleted file mode 100644 index 3225c2267..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_07.png deleted file mode 100644 index 2549ff66f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_08.png deleted file mode 100644 index 433ae5416..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_09.png deleted file mode 100644 index f06a148b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_10.png deleted file mode 100644 index bc515df74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_11.png deleted file mode 100644 index e8cebdf35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_12.png deleted file mode 100644 index 72185690a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_13.png deleted file mode 100644 index df23ceceb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_14.png deleted file mode 100644 index bb8bf7f84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_15.png deleted file mode 100644 index fe6595382..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_16.png deleted file mode 100644 index da58ef894..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_17.png deleted file mode 100644 index c514eeeb2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_18.png deleted file mode 100644 index 189d27ccb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_19.png deleted file mode 100644 index a2d43960e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_20.png deleted file mode 100644 index fd8cc0a6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character13/0285_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_01.png deleted file mode 100644 index 48852f3c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_02.png deleted file mode 100644 index 8130c20aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_03.png deleted file mode 100644 index 29268c527..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_04.png deleted file mode 100644 index 8b35772c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_05.png deleted file mode 100644 index 54cee3fc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_06.png deleted file mode 100644 index 874c75e58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_07.png deleted file mode 100644 index 9b028c4c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_08.png deleted file mode 100644 index 90e55e5a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_09.png deleted file mode 100644 index fe725cd22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_10.png deleted file mode 100644 index ad31c0b82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_11.png deleted file mode 100644 index 122bf170f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_12.png deleted file mode 100644 index 018a39c9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_13.png deleted file mode 100644 index 50373da99..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_14.png deleted file mode 100644 index 24e3fcfcc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_15.png deleted file mode 100644 index 1cc4aa703..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_16.png deleted file mode 100644 index db9636e9d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_17.png deleted file mode 100644 index cf100f8c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_18.png deleted file mode 100644 index a741980a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_19.png deleted file mode 100644 index 4224d7c35..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_20.png deleted file mode 100644 index 51c2626ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character14/0286_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_01.png deleted file mode 100644 index c53098265..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_02.png deleted file mode 100644 index dc33549a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_03.png deleted file mode 100644 index 825556eb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_04.png deleted file mode 100644 index fd673c192..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_05.png deleted file mode 100644 index 0831b4e06..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_06.png deleted file mode 100644 index b8bd486ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_07.png deleted file mode 100644 index 8390814ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_08.png deleted file mode 100644 index b95111d24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_09.png deleted file mode 100644 index 239555223..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_10.png deleted file mode 100644 index 0a8c83c25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_11.png deleted file mode 100644 index 9afa79c86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_12.png deleted file mode 100644 index cfba4369e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_13.png deleted file mode 100644 index 932337c29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_14.png deleted file mode 100644 index aa2027036..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_15.png deleted file mode 100644 index 04a9fc380..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_16.png deleted file mode 100644 index 6af717622..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_17.png deleted file mode 100644 index bc8da70a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_18.png deleted file mode 100644 index 86dc0f934..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_19.png deleted file mode 100644 index a91bbcb43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_20.png deleted file mode 100644 index d7076123c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character15/0287_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_01.png deleted file mode 100644 index 97addcefc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_02.png deleted file mode 100644 index d516140b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_03.png deleted file mode 100644 index 2e3b1f05b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_04.png deleted file mode 100644 index f0114b750..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_05.png deleted file mode 100644 index c896e3f5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_06.png deleted file mode 100644 index b5192ffd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_07.png deleted file mode 100644 index 85f68d38d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_08.png deleted file mode 100644 index f9523fb2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_09.png deleted file mode 100644 index ba1a31067..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_10.png deleted file mode 100644 index 3af42ff80..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_11.png deleted file mode 100644 index f007b95c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_12.png deleted file mode 100644 index 4523199dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_13.png deleted file mode 100644 index cfada76e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_14.png deleted file mode 100644 index f49b039a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_15.png deleted file mode 100644 index 18da8e574..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_16.png deleted file mode 100644 index 33996fd9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_17.png deleted file mode 100644 index 08c760e63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_18.png deleted file mode 100644 index 6a7ae960d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_19.png deleted file mode 100644 index 1b31d8347..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_20.png deleted file mode 100644 index ca0e3b0e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character16/0288_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_01.png deleted file mode 100644 index ba9da8930..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_02.png deleted file mode 100644 index 52bf41a5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_03.png deleted file mode 100644 index fc38f2c88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_04.png deleted file mode 100644 index fcd4aa081..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_05.png deleted file mode 100644 index cc63d5246..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_06.png deleted file mode 100644 index 2997f54ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_07.png deleted file mode 100644 index 9e81d1608..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_08.png deleted file mode 100644 index 18e3e835b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_09.png deleted file mode 100644 index 1bd7c9a46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_10.png deleted file mode 100644 index 2ffd79086..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_11.png deleted file mode 100644 index b388fee85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_12.png deleted file mode 100644 index ac73b3e87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_13.png deleted file mode 100644 index 7af2ab6e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_14.png deleted file mode 100644 index 46e3b77f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_15.png deleted file mode 100644 index 894667e94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_16.png deleted file mode 100644 index 51388f94c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_17.png deleted file mode 100644 index e03ca1839..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_18.png deleted file mode 100644 index ace6a2314..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_19.png deleted file mode 100644 index 4ebe58f89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_20.png deleted file mode 100644 index 929aac089..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character17/0289_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_01.png deleted file mode 100644 index aeaadcc54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_02.png deleted file mode 100644 index dbb3b8b60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_03.png deleted file mode 100644 index 0fab66c4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_04.png deleted file mode 100644 index ff8506525..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_05.png deleted file mode 100644 index 19dc8c80a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_06.png deleted file mode 100644 index 2e848933d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_07.png deleted file mode 100644 index f17e4bd32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_08.png deleted file mode 100644 index 46bdc35d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_09.png deleted file mode 100644 index 5541637f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_10.png deleted file mode 100644 index 3c4bd6a06..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_11.png deleted file mode 100644 index f9d7652bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_12.png deleted file mode 100644 index 11e1f2320..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_13.png deleted file mode 100644 index a3a7c56f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_14.png deleted file mode 100644 index 7a2aed9d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_15.png deleted file mode 100644 index 2cbecc6c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_16.png deleted file mode 100644 index b88be3c16..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_17.png deleted file mode 100644 index 12206c4b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_18.png deleted file mode 100644 index 19ad88475..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_19.png deleted file mode 100644 index ef99c1ce8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_20.png deleted file mode 100644 index c501e8abd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character18/0290_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_01.png deleted file mode 100644 index a790f9bfa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_02.png deleted file mode 100644 index 37f4548dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_03.png deleted file mode 100644 index d70bf0108..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_04.png deleted file mode 100644 index 746624b33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_05.png deleted file mode 100644 index 96fb9ee79..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_06.png deleted file mode 100644 index f1bd27b26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_07.png deleted file mode 100644 index 0d08bf905..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_08.png deleted file mode 100644 index f198b6b95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_09.png deleted file mode 100644 index b7976d529..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_10.png deleted file mode 100644 index 86f4fb144..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_11.png deleted file mode 100644 index 80aa8ed76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_12.png deleted file mode 100644 index a8a42d9a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_13.png deleted file mode 100644 index a54c9dc53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_14.png deleted file mode 100644 index 4a139e002..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_15.png deleted file mode 100644 index cf80e455f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_16.png deleted file mode 100644 index 15bb5a637..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_17.png deleted file mode 100644 index 7bf53faa6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_18.png deleted file mode 100644 index becbd0f3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_19.png deleted file mode 100644 index 4844128ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_20.png deleted file mode 100644 index 44e8bbc60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character19/0291_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_01.png deleted file mode 100644 index c69c740b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_02.png deleted file mode 100644 index 50dde4bc8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_03.png deleted file mode 100644 index 687a097cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_04.png deleted file mode 100644 index 773ac6a78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_05.png deleted file mode 100644 index 8e4093b12..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_06.png deleted file mode 100644 index dd9f23f20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_07.png deleted file mode 100644 index 1339898dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_08.png deleted file mode 100644 index 122971ad4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_09.png deleted file mode 100644 index cdfc6fb3f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_10.png deleted file mode 100644 index bd0e93b02..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_11.png deleted file mode 100644 index 2e9b399d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_12.png deleted file mode 100644 index 0e872d1ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_13.png deleted file mode 100644 index a8d2b59cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_14.png deleted file mode 100644 index fcb990559..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_15.png deleted file mode 100644 index 4899317bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_16.png deleted file mode 100644 index a87c4aab1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_17.png deleted file mode 100644 index f7905b767..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_18.png deleted file mode 100644 index 785c6e93a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_19.png deleted file mode 100644 index d8c06990e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_20.png deleted file mode 100644 index c14aafa41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character20/0292_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_01.png deleted file mode 100644 index 8e0f10c13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_02.png deleted file mode 100644 index c84edaf7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_03.png deleted file mode 100644 index 4ad3944ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_04.png deleted file mode 100644 index 39403f692..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_05.png deleted file mode 100644 index 509f4f845..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_06.png deleted file mode 100644 index cbffbbc0d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_07.png deleted file mode 100644 index 0d4e3b030..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_08.png deleted file mode 100644 index 55092885b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_09.png deleted file mode 100644 index 7554fc01d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_10.png deleted file mode 100644 index 716a791d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_11.png deleted file mode 100644 index 4927004c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_12.png deleted file mode 100644 index 7e41fedb9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_13.png deleted file mode 100644 index 0ec208704..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_14.png deleted file mode 100644 index c530afdbc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_15.png deleted file mode 100644 index 6ebfe65cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_16.png deleted file mode 100644 index 37690b344..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_17.png deleted file mode 100644 index 20ac046a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_18.png deleted file mode 100644 index 2a4f0c1fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_19.png deleted file mode 100644 index 4b797120b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_20.png deleted file mode 100644 index a2446e2d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character21/0293_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_01.png deleted file mode 100644 index 75beb5d01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_02.png deleted file mode 100644 index 86c7bf80d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_03.png deleted file mode 100644 index f8ec63f84..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_04.png deleted file mode 100644 index b713bed03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_05.png deleted file mode 100644 index 51611cae4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_06.png deleted file mode 100644 index 1207a9978..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_07.png deleted file mode 100644 index 03944341a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_08.png deleted file mode 100644 index aad73b9af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_09.png deleted file mode 100644 index 04b4d4271..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_10.png deleted file mode 100644 index c3b228ce9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_11.png deleted file mode 100644 index 124f6f431..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_12.png deleted file mode 100644 index 29ccf5b1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_13.png deleted file mode 100644 index 16cbe9979..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_14.png deleted file mode 100644 index 0ca198d9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_15.png deleted file mode 100644 index 92b17d873..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_16.png deleted file mode 100644 index a3b36e38e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_17.png deleted file mode 100644 index a8bd9522b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_18.png deleted file mode 100644 index 8d9f2d0f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_19.png deleted file mode 100644 index 8e747e20b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_20.png deleted file mode 100644 index f25646233..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character22/0294_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_01.png deleted file mode 100644 index 69c571a05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_02.png deleted file mode 100644 index 0e129b835..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_03.png deleted file mode 100644 index 5508ceb3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_04.png deleted file mode 100644 index c26a4e75a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_05.png deleted file mode 100644 index 284512a74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_06.png deleted file mode 100644 index cafdd5c3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_07.png deleted file mode 100644 index 30333923f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_08.png deleted file mode 100644 index fd11cc8f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_09.png deleted file mode 100644 index 5cc1f08d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_10.png deleted file mode 100644 index 50a9c9d3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_11.png deleted file mode 100644 index 6845c129f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_12.png deleted file mode 100644 index c37058ab6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_13.png deleted file mode 100644 index a613d01d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_14.png deleted file mode 100644 index 58434cc1d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_15.png deleted file mode 100644 index 59341eecc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_16.png deleted file mode 100644 index 701747f18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_17.png deleted file mode 100644 index 07c006ef4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_18.png deleted file mode 100644 index 532c6d0fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_19.png deleted file mode 100644 index 70f931481..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_20.png deleted file mode 100644 index 0d8e08cc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Syriac_(Estrangelo)/character23/0295_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_01.png deleted file mode 100644 index d04cc0604..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_02.png deleted file mode 100644 index 00e1bd534..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_03.png deleted file mode 100644 index 6fc2bac5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_04.png deleted file mode 100644 index d047ccb9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_05.png deleted file mode 100644 index f833e47dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_06.png deleted file mode 100644 index 1776bafe6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_07.png deleted file mode 100644 index 1d6ef6aae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_08.png deleted file mode 100644 index df5361076..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_09.png deleted file mode 100644 index 48af7fee1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_10.png deleted file mode 100644 index 378a7f9b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_11.png deleted file mode 100644 index bfbe71c91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_12.png deleted file mode 100644 index 7613defdf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_13.png deleted file mode 100644 index 04207080e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_14.png deleted file mode 100644 index 6d51f16ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_15.png deleted file mode 100644 index a64d223c1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_16.png deleted file mode 100644 index 919baa727..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_17.png deleted file mode 100644 index cb5d2897d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_18.png deleted file mode 100644 index 2c211ada4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_19.png deleted file mode 100644 index fa59c1d77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_20.png deleted file mode 100644 index 34d768db4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character01/0893_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_01.png deleted file mode 100644 index 46a0f54c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_02.png deleted file mode 100644 index 9b87c371b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_03.png deleted file mode 100644 index 10c474848..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_04.png deleted file mode 100644 index 383de0bd4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_05.png deleted file mode 100644 index 8a957bb8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_06.png deleted file mode 100644 index 5667a9290..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_07.png deleted file mode 100644 index 48445c382..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_08.png deleted file mode 100644 index 24c488b6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_09.png deleted file mode 100644 index 6854eeb90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_10.png deleted file mode 100644 index e891c95a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_11.png deleted file mode 100644 index 42d324a53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_12.png deleted file mode 100644 index 553459cdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_13.png deleted file mode 100644 index 0ca13866f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_14.png deleted file mode 100644 index 55be0dde5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_15.png deleted file mode 100644 index e416a0955..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_16.png deleted file mode 100644 index cd871f5fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_17.png deleted file mode 100644 index 08245f79c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_18.png deleted file mode 100644 index 10f549c7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_19.png deleted file mode 100644 index 514bc6275..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_20.png deleted file mode 100644 index 232ea5bfc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character02/0894_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_01.png deleted file mode 100644 index 95e337406..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_02.png deleted file mode 100644 index 1b209a191..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_03.png deleted file mode 100644 index 20104aa1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_04.png deleted file mode 100644 index 18cc2a2ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_05.png deleted file mode 100644 index 908ec2046..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_06.png deleted file mode 100644 index 246312e83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_07.png deleted file mode 100644 index 3840a4d2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_08.png deleted file mode 100644 index 00637e39e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_09.png deleted file mode 100644 index c26104723..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_10.png deleted file mode 100644 index dee5748bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_11.png deleted file mode 100644 index e692f57af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_12.png deleted file mode 100644 index f9e9f2be1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_13.png deleted file mode 100644 index 45f02cbd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_14.png deleted file mode 100644 index 3c8f99025..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_15.png deleted file mode 100644 index f8f0e8ab2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_16.png deleted file mode 100644 index 6141c164b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_17.png deleted file mode 100644 index 547e9b4de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_18.png deleted file mode 100644 index 4350b6941..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_19.png deleted file mode 100644 index 885b057ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_20.png deleted file mode 100644 index 7fb19b927..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character03/0895_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_01.png deleted file mode 100644 index a52269799..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_02.png deleted file mode 100644 index 468f424ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_03.png deleted file mode 100644 index eec33b96c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_04.png deleted file mode 100644 index 9649dbe44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_05.png deleted file mode 100644 index 27b828836..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_06.png deleted file mode 100644 index 229b857a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_07.png deleted file mode 100644 index 18abe9d69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_08.png deleted file mode 100644 index 69b0f97e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_09.png deleted file mode 100644 index 7878e42e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_10.png deleted file mode 100644 index 5f49fe1b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_11.png deleted file mode 100644 index ad29e8038..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_12.png deleted file mode 100644 index 59df6ba4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_13.png deleted file mode 100644 index 6c145f349..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_14.png deleted file mode 100644 index 17735e23a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_15.png deleted file mode 100644 index 56fb63767..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_16.png deleted file mode 100644 index bbd7313da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_17.png deleted file mode 100644 index 491edaf2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_18.png deleted file mode 100644 index 8dd8391b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_19.png deleted file mode 100644 index 4afa14321..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_20.png deleted file mode 100644 index 19bec33a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character04/0896_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_01.png deleted file mode 100644 index b9b2a8f77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_02.png deleted file mode 100644 index bcf7114c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_03.png deleted file mode 100644 index 8f1bcec1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_04.png deleted file mode 100644 index bc75557af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_05.png deleted file mode 100644 index b9ce08500..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_06.png deleted file mode 100644 index f6c73812c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_07.png deleted file mode 100644 index ee715fdd8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_08.png deleted file mode 100644 index cdc0ca7dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_09.png deleted file mode 100644 index 33a1a5d44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_10.png deleted file mode 100644 index ea743a47b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_11.png deleted file mode 100644 index 9c55fa3cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_12.png deleted file mode 100644 index ee5f0de29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_13.png deleted file mode 100644 index 933d46626..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_14.png deleted file mode 100644 index ce247a1fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_15.png deleted file mode 100644 index d3172a2db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_16.png deleted file mode 100644 index 7c0674131..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_17.png deleted file mode 100644 index 594416c87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_18.png deleted file mode 100644 index 91fa419c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_19.png deleted file mode 100644 index 958f86d72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_20.png deleted file mode 100644 index bff461d7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character05/0897_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_01.png deleted file mode 100644 index 065a958b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_02.png deleted file mode 100644 index 6037ea8b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_03.png deleted file mode 100644 index 9da1f3f72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_04.png deleted file mode 100644 index 4532f537b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_05.png deleted file mode 100644 index ccd4f759e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_06.png deleted file mode 100644 index 4493d288f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_07.png deleted file mode 100644 index a57b741d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_08.png deleted file mode 100644 index f80dd5d49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_09.png deleted file mode 100644 index 201c760c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_10.png deleted file mode 100644 index 8d5126a78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_11.png deleted file mode 100644 index 56810fb5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_12.png deleted file mode 100644 index aa6f3b099..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_13.png deleted file mode 100644 index 86b6f09fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_14.png deleted file mode 100644 index a1dfc5c40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_15.png deleted file mode 100644 index e36e15d6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_16.png deleted file mode 100644 index b2bec0cc8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_17.png deleted file mode 100644 index c7cf56c46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_18.png deleted file mode 100644 index e8cbdc541..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_19.png deleted file mode 100644 index bd06deecb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_20.png deleted file mode 100644 index ee13a2ae9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character06/0898_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_01.png deleted file mode 100644 index b254adc27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_02.png deleted file mode 100644 index 52f8350c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_03.png deleted file mode 100644 index 1a5aa82ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_04.png deleted file mode 100644 index 1f3c4370c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_05.png deleted file mode 100644 index bcb336675..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_06.png deleted file mode 100644 index 2da8d071a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_07.png deleted file mode 100644 index 1197c0be9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_08.png deleted file mode 100644 index eac946657..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_09.png deleted file mode 100644 index b154fd5d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_10.png deleted file mode 100644 index f8884dab8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_11.png deleted file mode 100644 index 11e65dbe5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_12.png deleted file mode 100644 index 250dab7fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_13.png deleted file mode 100644 index e1c10cb5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_14.png deleted file mode 100644 index 22e79d999..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_15.png deleted file mode 100644 index 5731c1437..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_16.png deleted file mode 100644 index 11a1d112b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_17.png deleted file mode 100644 index c4b82b31e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_18.png deleted file mode 100644 index 8f23e938a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_19.png deleted file mode 100644 index febf73933..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_20.png deleted file mode 100644 index febef4307..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character07/0899_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_01.png deleted file mode 100644 index d4c586593..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_02.png deleted file mode 100644 index 269ff2b75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_03.png deleted file mode 100644 index 4f436d3c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_04.png deleted file mode 100644 index acc8b271d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_05.png deleted file mode 100644 index 53f415b75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_06.png deleted file mode 100644 index 6649f9fd5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_07.png deleted file mode 100644 index 763d194a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_08.png deleted file mode 100644 index dae1fda1c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_09.png deleted file mode 100644 index 20d858730..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_10.png deleted file mode 100644 index a41ddcbb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_11.png deleted file mode 100644 index 9f50da9ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_12.png deleted file mode 100644 index 3e826c564..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_13.png deleted file mode 100644 index f9e7cf333..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_14.png deleted file mode 100644 index efc2bf161..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_15.png deleted file mode 100644 index e4ee65685..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_16.png deleted file mode 100644 index e63b307fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_17.png deleted file mode 100644 index ec75afeda..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_18.png deleted file mode 100644 index d8eb8bbdb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_19.png deleted file mode 100644 index 43ab15469..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_20.png deleted file mode 100644 index d5cf7b4ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character08/0900_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_01.png deleted file mode 100644 index ce8345030..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_02.png deleted file mode 100644 index 3711a0985..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_03.png deleted file mode 100644 index 1572bae67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_04.png deleted file mode 100644 index 54a60ef8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_05.png deleted file mode 100644 index fd1c334bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_06.png deleted file mode 100644 index 59bedf261..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_07.png deleted file mode 100644 index f4fee8850..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_08.png deleted file mode 100644 index 753cbf746..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_09.png deleted file mode 100644 index 94d4f8bd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_10.png deleted file mode 100644 index 81a67723c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_11.png deleted file mode 100644 index da24acd22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_12.png deleted file mode 100644 index 245462edb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_13.png deleted file mode 100644 index 9aaaf44b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_14.png deleted file mode 100644 index a1e4b5873..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_15.png deleted file mode 100644 index 25483d5de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_16.png deleted file mode 100644 index 29fdb71af..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_17.png deleted file mode 100644 index 697055903..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_18.png deleted file mode 100644 index 99e4e7bca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_19.png deleted file mode 100644 index 97943da04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_20.png deleted file mode 100644 index b61dc9aed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character09/0901_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_01.png deleted file mode 100644 index 2a5b80644..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_02.png deleted file mode 100644 index 1e017e8ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_03.png deleted file mode 100644 index 70fd5253c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_04.png deleted file mode 100644 index a832f26b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_05.png deleted file mode 100644 index 08073bda7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_06.png deleted file mode 100644 index b004879b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_07.png deleted file mode 100644 index b95601059..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_08.png deleted file mode 100644 index f90476c92..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_09.png deleted file mode 100644 index febff1f67..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_10.png deleted file mode 100644 index f48158edd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_11.png deleted file mode 100644 index 41acc3136..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_12.png deleted file mode 100644 index 289c2bf5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_13.png deleted file mode 100644 index 6005d6def..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_14.png deleted file mode 100644 index 6bf21da6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_15.png deleted file mode 100644 index 33ce6af0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_16.png deleted file mode 100644 index 858982158..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_17.png deleted file mode 100644 index 285190a74..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_18.png deleted file mode 100644 index a95f7f6d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_19.png deleted file mode 100644 index a0d285f14..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_20.png deleted file mode 100644 index a34086206..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character10/0902_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_01.png deleted file mode 100644 index e2cf6e475..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_02.png deleted file mode 100644 index af79ee0ed..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_03.png deleted file mode 100644 index 56088a313..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_04.png deleted file mode 100644 index d09445973..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_05.png deleted file mode 100644 index 6ada1a7c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_06.png deleted file mode 100644 index e10efad03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_07.png deleted file mode 100644 index 97ab5cd1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_08.png deleted file mode 100644 index f5c211423..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_09.png deleted file mode 100644 index d36f3fa00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_10.png deleted file mode 100644 index e5f7b3fa7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_11.png deleted file mode 100644 index 814cb1bf9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_12.png deleted file mode 100644 index e942a79e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_13.png deleted file mode 100644 index cb3fc2dee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_14.png deleted file mode 100644 index 9854bfa5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_15.png deleted file mode 100644 index 300894e91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_16.png deleted file mode 100644 index 3f5b7bf13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_17.png deleted file mode 100644 index 4c9912128..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_18.png deleted file mode 100644 index f90f82222..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_19.png deleted file mode 100644 index 538d9463f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_20.png deleted file mode 100644 index 0a529d88f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character11/0903_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_01.png deleted file mode 100644 index 3061982e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_02.png deleted file mode 100644 index 4077c0ff2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_03.png deleted file mode 100644 index 1928a8292..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_04.png deleted file mode 100644 index 3787924fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_05.png deleted file mode 100644 index 223625d87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_06.png deleted file mode 100644 index d99df9e56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_07.png deleted file mode 100644 index d4811b8e7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_08.png deleted file mode 100644 index ef956871e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_09.png deleted file mode 100644 index d73d8aaae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_10.png deleted file mode 100644 index 4b92be84d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_11.png deleted file mode 100644 index 7a21a46ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_12.png deleted file mode 100644 index 30f3119d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_13.png deleted file mode 100644 index 2d640307a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_14.png deleted file mode 100644 index 29891c4fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_15.png deleted file mode 100644 index 0263d82e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_16.png deleted file mode 100644 index 873a9c5e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_17.png deleted file mode 100644 index a33fb58be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_18.png deleted file mode 100644 index fdeafb113..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_19.png deleted file mode 100644 index 178883223..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_20.png deleted file mode 100644 index 0c6f68393..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character12/0904_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_01.png deleted file mode 100644 index 33600d072..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_02.png deleted file mode 100644 index 724dbb3fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_03.png deleted file mode 100644 index b0c37bfb1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_04.png deleted file mode 100644 index be3eda9d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_05.png deleted file mode 100644 index aa41f44da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_06.png deleted file mode 100644 index f276dafb2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_07.png deleted file mode 100644 index fa42ad82a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_08.png deleted file mode 100644 index 40df7e808..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_09.png deleted file mode 100644 index 4a72c649b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_10.png deleted file mode 100644 index ceb9d812e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_11.png deleted file mode 100644 index 8f3a0c943..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_12.png deleted file mode 100644 index 4aeab2d1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_13.png deleted file mode 100644 index b58250466..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_14.png deleted file mode 100644 index 90f52ba5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_15.png deleted file mode 100644 index 4a44f4b1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_16.png deleted file mode 100644 index d73b8624d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_17.png deleted file mode 100644 index 2633d37cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_18.png deleted file mode 100644 index 7963baa1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_19.png deleted file mode 100644 index 029f5d68d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_20.png deleted file mode 100644 index c1c28460c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character13/0905_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_01.png deleted file mode 100644 index 3af9ffcb7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_02.png deleted file mode 100644 index 4324cfbe1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_03.png deleted file mode 100644 index dc78557ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_04.png deleted file mode 100644 index 1ac6f461f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_05.png deleted file mode 100644 index c4f337184..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_06.png deleted file mode 100644 index 2acf3e8f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_07.png deleted file mode 100644 index 05987de70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_08.png deleted file mode 100644 index 52a717599..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_09.png deleted file mode 100644 index c25d56fcf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_10.png deleted file mode 100644 index 4c504dbd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_11.png deleted file mode 100644 index 6cefdb3bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_12.png deleted file mode 100644 index 4d2c0de34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_13.png deleted file mode 100644 index 158f59dee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_14.png deleted file mode 100644 index 71381e071..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_15.png deleted file mode 100644 index ece779396..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_16.png deleted file mode 100644 index 0e229ddd5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_17.png deleted file mode 100644 index 19156baf3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_18.png deleted file mode 100644 index 62eea2f8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_19.png deleted file mode 100644 index 6c2315bcf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_20.png deleted file mode 100644 index 00b13475c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character14/0906_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_01.png deleted file mode 100644 index 1db3f4ad9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_02.png deleted file mode 100644 index a5ef56d7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_03.png deleted file mode 100644 index 7f55da047..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_04.png deleted file mode 100644 index 99d3c1a04..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_05.png deleted file mode 100644 index 32e92889e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_06.png deleted file mode 100644 index d5c1a21ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_07.png deleted file mode 100644 index b5d660a4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_08.png deleted file mode 100644 index 44a3af95a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_09.png deleted file mode 100644 index d14fe345a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_10.png deleted file mode 100644 index f5d5df757..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_11.png deleted file mode 100644 index 3de992eef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_12.png deleted file mode 100644 index 6675c31ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_13.png deleted file mode 100644 index 542d79f81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_14.png deleted file mode 100644 index 653e79a71..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_15.png deleted file mode 100644 index 7650761f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_16.png deleted file mode 100644 index 25dcae9f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_17.png deleted file mode 100644 index a0e6c53df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_18.png deleted file mode 100644 index 34a838004..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_19.png deleted file mode 100644 index 9092bfdaa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_20.png deleted file mode 100644 index 9cca525d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character15/0907_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_01.png deleted file mode 100644 index 4cff386e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_02.png deleted file mode 100644 index c33370315..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_03.png deleted file mode 100644 index b6d5d823c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_04.png deleted file mode 100644 index 255ccffab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_05.png deleted file mode 100644 index 5ac90f819..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_06.png deleted file mode 100644 index 293b04bb8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_07.png deleted file mode 100644 index 5162532e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_08.png deleted file mode 100644 index f043ed8a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_09.png deleted file mode 100644 index c3489be7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_10.png deleted file mode 100644 index f3b71d312..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_11.png deleted file mode 100644 index a159188b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_12.png deleted file mode 100644 index 23a9a4ac9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_13.png deleted file mode 100644 index 058bba273..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_14.png deleted file mode 100644 index f2cae20bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_15.png deleted file mode 100644 index 61ad7ca5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_16.png deleted file mode 100644 index 36c073af6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_17.png deleted file mode 100644 index ad084a01f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_18.png deleted file mode 100644 index 0a921acf4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_19.png deleted file mode 100644 index 366a1182d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_20.png deleted file mode 100644 index 8e4619a5c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character16/0908_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_01.png deleted file mode 100644 index 2f4766cc3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_02.png deleted file mode 100644 index 609f12acc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_03.png deleted file mode 100644 index 232b37d55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_04.png deleted file mode 100644 index 29592dc28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_05.png deleted file mode 100644 index 3a0edf2c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_06.png deleted file mode 100644 index e44abe4b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_07.png deleted file mode 100644 index 06a596dd3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_08.png deleted file mode 100644 index 9d0e8be55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_09.png deleted file mode 100644 index a2f13fd2c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_10.png deleted file mode 100644 index 32f63ccc4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_11.png deleted file mode 100644 index b4971c2b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_12.png deleted file mode 100644 index c065d1d24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_13.png deleted file mode 100644 index 838aef21e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_14.png deleted file mode 100644 index 2b1eb46f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_15.png deleted file mode 100644 index f9aa9cd58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_16.png deleted file mode 100644 index 30b012d44..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_17.png deleted file mode 100644 index b23883345..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_18.png deleted file mode 100644 index a7485cf24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_19.png deleted file mode 100644 index bd4b78f77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_20.png deleted file mode 100644 index 6a45d3ad2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tagalog/character17/0909_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_01.png deleted file mode 100644 index 8883b83c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_02.png deleted file mode 100644 index 000c02f78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_03.png deleted file mode 100644 index c736a44ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_04.png deleted file mode 100644 index 2f19c0101..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_05.png deleted file mode 100644 index 9b6a00336..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_06.png deleted file mode 100644 index 831e1f098..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_07.png deleted file mode 100644 index 72ca0a02a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_08.png deleted file mode 100644 index d6ed1a0ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_09.png deleted file mode 100644 index c2799d179..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_10.png deleted file mode 100644 index 17eb5e75b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_11.png deleted file mode 100644 index 2f6bbae81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_12.png deleted file mode 100644 index 3efbcf6ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_13.png deleted file mode 100644 index ef8ae39ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_14.png deleted file mode 100644 index 3a4890b0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_15.png deleted file mode 100644 index bd20d52e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_16.png deleted file mode 100644 index 2eb2ce2d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_17.png deleted file mode 100644 index b0d57a874..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_18.png deleted file mode 100644 index 2ed5c23a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_19.png deleted file mode 100644 index 3cf201dc0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_20.png deleted file mode 100644 index 45419341c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character01/0910_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_01.png deleted file mode 100644 index 305460f82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_02.png deleted file mode 100644 index 092bd3c1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_03.png deleted file mode 100644 index f6988d597..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_04.png deleted file mode 100644 index e947154e4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_05.png deleted file mode 100644 index 1047dd134..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_06.png deleted file mode 100644 index e95c64e30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_07.png deleted file mode 100644 index 369dff7ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_08.png deleted file mode 100644 index 30cfa4687..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_09.png deleted file mode 100644 index d3455c061..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_10.png deleted file mode 100644 index a232f46d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_11.png deleted file mode 100644 index 6af380208..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_12.png deleted file mode 100644 index 2703601fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_13.png deleted file mode 100644 index f52244253..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_14.png deleted file mode 100644 index 1bad67140..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_15.png deleted file mode 100644 index db8ea2556..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_16.png deleted file mode 100644 index 5cf5b60ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_17.png deleted file mode 100644 index b177b4213..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_18.png deleted file mode 100644 index 0b2b342c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_19.png deleted file mode 100644 index 39907e0dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_20.png deleted file mode 100644 index 5a4449c91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character02/0911_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_01.png deleted file mode 100644 index 37c67981d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_02.png deleted file mode 100644 index 68e6bdcb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_03.png deleted file mode 100644 index 567b906ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_04.png deleted file mode 100644 index 186c0c9da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_05.png deleted file mode 100644 index 5fc2a4243..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_06.png deleted file mode 100644 index e0e94905a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_07.png deleted file mode 100644 index 19d22e573..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_08.png deleted file mode 100644 index e3c9f26bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_09.png deleted file mode 100644 index 245804653..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_10.png deleted file mode 100644 index bf80c24b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_11.png deleted file mode 100644 index 444b82729..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_12.png deleted file mode 100644 index 83ba108b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_13.png deleted file mode 100644 index 354940e64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_14.png deleted file mode 100644 index fc0aaec22..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_15.png deleted file mode 100644 index 85d80b2f1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_16.png deleted file mode 100644 index fc3d8bd60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_17.png deleted file mode 100644 index 93262a3a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_18.png deleted file mode 100644 index b5f384f4b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_19.png deleted file mode 100644 index 2cee43275..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_20.png deleted file mode 100644 index e3c546e6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character03/0912_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_01.png deleted file mode 100644 index cd8db3a2e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_02.png deleted file mode 100644 index f73d4f086..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_03.png deleted file mode 100644 index 08e86b6b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_04.png deleted file mode 100644 index eec32bb19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_05.png deleted file mode 100644 index a88a1b1a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_06.png deleted file mode 100644 index 4e1a5c4a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_07.png deleted file mode 100644 index 3fbfcaee0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_08.png deleted file mode 100644 index db72649e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_09.png deleted file mode 100644 index 791f16f72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_10.png deleted file mode 100644 index 8d2226d75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_11.png deleted file mode 100644 index 2a66e55bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_12.png deleted file mode 100644 index 9d36ac158..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_13.png deleted file mode 100644 index d7a7a7421..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_14.png deleted file mode 100644 index 43543f5ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_15.png deleted file mode 100644 index 898c787a3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_16.png deleted file mode 100644 index e74c98b43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_17.png deleted file mode 100644 index 362db08ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_18.png deleted file mode 100644 index 21e8f71e0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_19.png deleted file mode 100644 index b967b511d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_20.png deleted file mode 100644 index 43d0ebe54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character04/0913_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_01.png deleted file mode 100644 index fa18e877d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_02.png deleted file mode 100644 index bef73f063..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_03.png deleted file mode 100644 index c0e2fe0ae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_04.png deleted file mode 100644 index 9fc6f5e32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_05.png deleted file mode 100644 index 093593578..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_06.png deleted file mode 100644 index be501dc97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_07.png deleted file mode 100644 index 573588806..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_08.png deleted file mode 100644 index d8d9e325d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_09.png deleted file mode 100644 index 727eabd4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_10.png deleted file mode 100644 index 85fe5cf2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_11.png deleted file mode 100644 index 252b3f11d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_12.png deleted file mode 100644 index 0587a1bdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_13.png deleted file mode 100644 index 5a40ac129..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_14.png deleted file mode 100644 index 52b5b5a81..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_15.png deleted file mode 100644 index 8bb16221a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_16.png deleted file mode 100644 index ee297ea7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_17.png deleted file mode 100644 index 24b4a222d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_18.png deleted file mode 100644 index 62ec3a3f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_19.png deleted file mode 100644 index 7765ff473..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_20.png deleted file mode 100644 index 4091fbd27..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character05/0914_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_01.png deleted file mode 100644 index a8d7c61d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_02.png deleted file mode 100644 index ce419afca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_03.png deleted file mode 100644 index 8b535014f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_04.png deleted file mode 100644 index c60140792..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_05.png deleted file mode 100644 index c74802961..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_06.png deleted file mode 100644 index 50148bd0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_07.png deleted file mode 100644 index 82961e0ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_08.png deleted file mode 100644 index b7855021a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_09.png deleted file mode 100644 index 4e96211c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_10.png deleted file mode 100644 index 4c1058139..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_11.png deleted file mode 100644 index 4cdaa8342..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_12.png deleted file mode 100644 index 56f03be5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_13.png deleted file mode 100644 index ce51e2de5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_14.png deleted file mode 100644 index 121b84405..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_15.png deleted file mode 100644 index e3805fcd1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_16.png deleted file mode 100644 index af866dae3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_17.png deleted file mode 100644 index f5022cf0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_18.png deleted file mode 100644 index 97efca0a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_19.png deleted file mode 100644 index df81cae15..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_20.png deleted file mode 100644 index 8b2077fad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character06/0915_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_01.png deleted file mode 100644 index 9751838f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_02.png deleted file mode 100644 index e3044c899..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_03.png deleted file mode 100644 index 345c404be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_04.png deleted file mode 100644 index 27716b32d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_05.png deleted file mode 100644 index 2143e5133..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_06.png deleted file mode 100644 index aff777ce4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_07.png deleted file mode 100644 index febd17143..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_08.png deleted file mode 100644 index 2d31dad42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_09.png deleted file mode 100644 index 7269938f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_10.png deleted file mode 100644 index 593855265..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_11.png deleted file mode 100644 index fe3028fcf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_12.png deleted file mode 100644 index 998b524a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_13.png deleted file mode 100644 index 1cf2b6acf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_14.png deleted file mode 100644 index f7458876c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_15.png deleted file mode 100644 index b454e0f54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_16.png deleted file mode 100644 index 450864375..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_17.png deleted file mode 100644 index 54f8da5be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_18.png deleted file mode 100644 index b9127222d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_19.png deleted file mode 100644 index a4d106b33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_20.png deleted file mode 100644 index 8cad36959..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character07/0916_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_01.png deleted file mode 100644 index e0758b794..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_02.png deleted file mode 100644 index 4e88bccd1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_03.png deleted file mode 100644 index ead529d88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_04.png deleted file mode 100644 index 93af81a69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_05.png deleted file mode 100644 index b417cf9d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_06.png deleted file mode 100644 index 56e7bd233..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_07.png deleted file mode 100644 index c6ca0ee5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_08.png deleted file mode 100644 index eaab92002..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_09.png deleted file mode 100644 index 3a62baf12..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_10.png deleted file mode 100644 index 088a70202..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_11.png deleted file mode 100644 index b685ebfd0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_12.png deleted file mode 100644 index 644894f9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_13.png deleted file mode 100644 index 447326fa3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_14.png deleted file mode 100644 index 3e1567b68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_15.png deleted file mode 100644 index 3c87c4ade..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_16.png deleted file mode 100644 index e59e9f002..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_17.png deleted file mode 100644 index 91d704cf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_18.png deleted file mode 100644 index e70d91aef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_19.png deleted file mode 100644 index dd10005e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_20.png deleted file mode 100644 index 47979b2d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character08/0917_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_01.png deleted file mode 100644 index 94094c236..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_02.png deleted file mode 100644 index 9c74cb367..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_03.png deleted file mode 100644 index 1aeef004b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_04.png deleted file mode 100644 index 2d9faed43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_05.png deleted file mode 100644 index 7145ce7a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_06.png deleted file mode 100644 index dcf0325dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_07.png deleted file mode 100644 index 8cb477ed6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_08.png deleted file mode 100644 index 0de7d995a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_09.png deleted file mode 100644 index e7f421878..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_10.png deleted file mode 100644 index ba47e442c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_11.png deleted file mode 100644 index f81664be5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_12.png deleted file mode 100644 index 05752bd55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_13.png deleted file mode 100644 index 033caffac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_14.png deleted file mode 100644 index 2f0c81c1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_15.png deleted file mode 100644 index 7f2fc3220..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_16.png deleted file mode 100644 index 17d4a30db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_17.png deleted file mode 100644 index d21a8dfc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_18.png deleted file mode 100644 index 3e6f01065..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_19.png deleted file mode 100644 index 173754584..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_20.png deleted file mode 100644 index e78987ebb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character09/0918_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_01.png deleted file mode 100644 index 87fb1781d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_02.png deleted file mode 100644 index dd1ddb879..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_03.png deleted file mode 100644 index 772a6a141..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_04.png deleted file mode 100644 index 125e48b43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_05.png deleted file mode 100644 index 01b832362..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_06.png deleted file mode 100644 index 0d97f1046..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_07.png deleted file mode 100644 index fd601ee45..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_08.png deleted file mode 100644 index 971105b1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_09.png deleted file mode 100644 index 662e34145..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_10.png deleted file mode 100644 index 0c15edf57..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_11.png deleted file mode 100644 index 798d2e795..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_12.png deleted file mode 100644 index 6d4207f6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_13.png deleted file mode 100644 index 0f09224d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_14.png deleted file mode 100644 index b64696bfb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_15.png deleted file mode 100644 index 7ccbfb476..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_16.png deleted file mode 100644 index 7f3973302..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_17.png deleted file mode 100644 index 2c57651a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_18.png deleted file mode 100644 index ace340492..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_19.png deleted file mode 100644 index c1ff4843d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_20.png deleted file mode 100644 index 3daa3eae1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character10/0919_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_01.png deleted file mode 100644 index 50acce408..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_02.png deleted file mode 100644 index 3661e98c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_03.png deleted file mode 100644 index a4cb261a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_04.png deleted file mode 100644 index bab35010e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_05.png deleted file mode 100644 index 86c8dc42c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_06.png deleted file mode 100644 index 11538abbe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_07.png deleted file mode 100644 index 084f5aade..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_08.png deleted file mode 100644 index 5c258168a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_09.png deleted file mode 100644 index 9ef06fce3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_10.png deleted file mode 100644 index b54c12a37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_11.png deleted file mode 100644 index 0dd8cce0b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_12.png deleted file mode 100644 index f91d3edf9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_13.png deleted file mode 100644 index 39abdade8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_14.png deleted file mode 100644 index a8c56fd69..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_15.png deleted file mode 100644 index 273121b8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_16.png deleted file mode 100644 index b70435618..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_17.png deleted file mode 100644 index c092c2d6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_18.png deleted file mode 100644 index 9aa8621d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_19.png deleted file mode 100644 index e4dfe7aa6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_20.png deleted file mode 100644 index 24edc53a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character11/0920_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_01.png deleted file mode 100644 index 3412b37a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_02.png deleted file mode 100644 index 9d1655ae0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_03.png deleted file mode 100644 index ee1008ffa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_04.png deleted file mode 100644 index 28263a152..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_05.png deleted file mode 100644 index f2fd0314e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_06.png deleted file mode 100644 index 99bd1987c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_07.png deleted file mode 100644 index b9f1b7e8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_08.png deleted file mode 100644 index 6d3b5872a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_09.png deleted file mode 100644 index f46b39c5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_10.png deleted file mode 100644 index d374d0d34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_11.png deleted file mode 100644 index 55136b77d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_12.png deleted file mode 100644 index 513a5c052..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_13.png deleted file mode 100644 index abc962cdf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_14.png deleted file mode 100644 index 1794ee380..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_15.png deleted file mode 100644 index 7f871ec9e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_16.png deleted file mode 100644 index 81b872463..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_17.png deleted file mode 100644 index 4c6dfe61a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_18.png deleted file mode 100644 index 27b4ffa83..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_19.png deleted file mode 100644 index 88ee1b399..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_20.png deleted file mode 100644 index e1a0302cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character12/0921_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_01.png deleted file mode 100644 index 815301c41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_02.png deleted file mode 100644 index 3f85140c2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_03.png deleted file mode 100644 index 73b0839cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_04.png deleted file mode 100644 index c6ba138c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_05.png deleted file mode 100644 index e745dd260..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_06.png deleted file mode 100644 index b3c5f018b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_07.png deleted file mode 100644 index 399092e75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_08.png deleted file mode 100644 index a34dd85b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_09.png deleted file mode 100644 index 6c524ca2e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_10.png deleted file mode 100644 index 912a92721..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_11.png deleted file mode 100644 index 9e172a209..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_12.png deleted file mode 100644 index 51a9fcaf5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_13.png deleted file mode 100644 index e4356e953..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_14.png deleted file mode 100644 index c68b235ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_15.png deleted file mode 100644 index 0bc900941..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_16.png deleted file mode 100644 index b83057bd7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_17.png deleted file mode 100644 index ea76cd6cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_18.png deleted file mode 100644 index 8afe45c4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_19.png deleted file mode 100644 index d597ee498..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_20.png deleted file mode 100644 index ec58a77d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character13/0922_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_01.png deleted file mode 100644 index 67c8f79b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_02.png deleted file mode 100644 index dab303067..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_03.png deleted file mode 100644 index c02b7c91f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_04.png deleted file mode 100644 index 59b956de7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_05.png deleted file mode 100644 index a17aecf11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_06.png deleted file mode 100644 index 3635a0caf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_07.png deleted file mode 100644 index e29b85a2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_08.png deleted file mode 100644 index da1544305..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_09.png deleted file mode 100644 index 00798d27e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_10.png deleted file mode 100644 index 92049b864..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_11.png deleted file mode 100644 index 66941e851..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_12.png deleted file mode 100644 index 5aafb4ca8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_13.png deleted file mode 100644 index 9090ae1d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_14.png deleted file mode 100644 index a0ba6ffe0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_15.png deleted file mode 100644 index 5e56f672d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_16.png deleted file mode 100644 index c36e117cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_17.png deleted file mode 100644 index 7b2cdb473..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_18.png deleted file mode 100644 index 3c1a1f82a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_19.png deleted file mode 100644 index b0ca2bc03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_20.png deleted file mode 100644 index 08f2e3148..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character14/0923_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_01.png deleted file mode 100644 index 05854dbcc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_02.png deleted file mode 100644 index 85692cd5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_03.png deleted file mode 100644 index a7326e17f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_04.png deleted file mode 100644 index ecc0e12be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_05.png deleted file mode 100644 index ea4ac29a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_06.png deleted file mode 100644 index e653d157e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_07.png deleted file mode 100644 index ad0607150..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_08.png deleted file mode 100644 index 36e148f08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_09.png deleted file mode 100644 index b9cb92851..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_10.png deleted file mode 100644 index e8309e49f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_11.png deleted file mode 100644 index f9110d85b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_12.png deleted file mode 100644 index f5826ac5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_13.png deleted file mode 100644 index c2cca6ef1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_14.png deleted file mode 100644 index ba6e76098..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_15.png deleted file mode 100644 index a57331d0a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_16.png deleted file mode 100644 index deb2c8a3e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_17.png deleted file mode 100644 index 625b06875..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_18.png deleted file mode 100644 index 4dcbc1179..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_19.png deleted file mode 100644 index b18830579..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_20.png deleted file mode 100644 index 569deff47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character15/0924_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_01.png deleted file mode 100644 index 5c65ec5a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_02.png deleted file mode 100644 index e3bcc5aa1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_03.png deleted file mode 100644 index e3ee13776..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_04.png deleted file mode 100644 index 1bf40b0d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_05.png deleted file mode 100644 index 3c755a8a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_06.png deleted file mode 100644 index e8c3a172e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_07.png deleted file mode 100644 index 6c7e562c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_08.png deleted file mode 100644 index ef394050f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_09.png deleted file mode 100644 index 8a2177b5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_10.png deleted file mode 100644 index 867cfe011..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_11.png deleted file mode 100644 index 653a018c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_12.png deleted file mode 100644 index 612089d59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_13.png deleted file mode 100644 index 6b7245cd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_14.png deleted file mode 100644 index dcc7da4a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_15.png deleted file mode 100644 index f9ecf2f4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_16.png deleted file mode 100644 index 8e669d7d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_17.png deleted file mode 100644 index 26be90fe0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_18.png deleted file mode 100644 index 389ff2a78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_19.png deleted file mode 100644 index d6deb32a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_20.png deleted file mode 100644 index 61ccc2c6b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character16/0925_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_01.png deleted file mode 100644 index 010dd7795..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_02.png deleted file mode 100644 index 7123ae50e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_03.png deleted file mode 100644 index 63ea3d8f6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_04.png deleted file mode 100644 index 0e7dfe05c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_05.png deleted file mode 100644 index 05bc03d53..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_06.png deleted file mode 100644 index 977b81809..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_07.png deleted file mode 100644 index 84aa39763..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_08.png deleted file mode 100644 index efbd5b457..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_09.png deleted file mode 100644 index cd8bd381c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_10.png deleted file mode 100644 index 2c8712856..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_11.png deleted file mode 100644 index 9dd100efd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_12.png deleted file mode 100644 index 06d561fc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_13.png deleted file mode 100644 index a96ecca8d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_14.png deleted file mode 100644 index 1d6a099f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_15.png deleted file mode 100644 index 6f67eec7c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_16.png deleted file mode 100644 index 06a64cb33..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_17.png deleted file mode 100644 index e155acbcf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_18.png deleted file mode 100644 index b3a164933..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_19.png deleted file mode 100644 index 5ed08aec7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_20.png deleted file mode 100644 index 519383f8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character17/0926_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_01.png deleted file mode 100644 index aecd358c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_02.png deleted file mode 100644 index 03778b5be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_03.png deleted file mode 100644 index 71ae031f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_04.png deleted file mode 100644 index 914afc86e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_05.png deleted file mode 100644 index b3773d242..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_06.png deleted file mode 100644 index 55b30ad5f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_07.png deleted file mode 100644 index c6d984827..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_08.png deleted file mode 100644 index e48c303c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_09.png deleted file mode 100644 index f5ea83a64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_10.png deleted file mode 100644 index 38db0d86c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_11.png deleted file mode 100644 index ce298afb5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_12.png deleted file mode 100644 index dd598771a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_13.png deleted file mode 100644 index b9a1763cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_14.png deleted file mode 100644 index fd0a0a28e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_15.png deleted file mode 100644 index 4c690f5bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_16.png deleted file mode 100644 index 0eb7de6b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_17.png deleted file mode 100644 index c244e6423..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_18.png deleted file mode 100644 index 132bf6126..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_19.png deleted file mode 100644 index 863cdf5e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_20.png deleted file mode 100644 index b823e6825..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character18/0927_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_01.png deleted file mode 100644 index ace47528e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_02.png deleted file mode 100644 index 894e214d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_03.png deleted file mode 100644 index 6871d40d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_04.png deleted file mode 100644 index ce6cda8c0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_05.png deleted file mode 100644 index 95c96ac8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_06.png deleted file mode 100644 index f481f0e85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_07.png deleted file mode 100644 index 7556f08fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_08.png deleted file mode 100644 index a2a9868ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_09.png deleted file mode 100644 index 44b231d4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_10.png deleted file mode 100644 index b6cf1842a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_11.png deleted file mode 100644 index a9e4ebe7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_12.png deleted file mode 100644 index 204eb0eb5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_13.png deleted file mode 100644 index 12acb0f8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_14.png deleted file mode 100644 index 00e8fd5be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_15.png deleted file mode 100644 index 2d20efde9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_16.png deleted file mode 100644 index 75d921ea7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_17.png deleted file mode 100644 index cd4acd2ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_18.png deleted file mode 100644 index c0bae2c28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_19.png deleted file mode 100644 index 68cc06532..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_20.png deleted file mode 100644 index 221543a07..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character19/0928_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_01.png deleted file mode 100644 index 996379e34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_02.png deleted file mode 100644 index f83cfed55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_03.png deleted file mode 100644 index ea1b0d09a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_04.png deleted file mode 100644 index 84c962609..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_05.png deleted file mode 100644 index 2dac197d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_06.png deleted file mode 100644 index 325afb7b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_07.png deleted file mode 100644 index 8ebaf557b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_08.png deleted file mode 100644 index 53f37f3dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_09.png deleted file mode 100644 index 50ff64d3a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_10.png deleted file mode 100644 index 1300b8a76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_11.png deleted file mode 100644 index b265fb26c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_12.png deleted file mode 100644 index b2e96bf8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_13.png deleted file mode 100644 index 5c4f23de8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_14.png deleted file mode 100644 index c3c7fb902..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_15.png deleted file mode 100644 index 4ebe9584b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_16.png deleted file mode 100644 index 6099e08fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_17.png deleted file mode 100644 index 03d47342d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_18.png deleted file mode 100644 index 5e245ff28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_19.png deleted file mode 100644 index b3a7217e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_20.png deleted file mode 100644 index 55e65f804..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character20/0929_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_01.png deleted file mode 100644 index 0751185d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_02.png deleted file mode 100644 index 96f021499..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_03.png deleted file mode 100644 index 56f57309c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_04.png deleted file mode 100644 index 1284e49a0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_05.png deleted file mode 100644 index b66b6c598..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_06.png deleted file mode 100644 index 89bbc6b48..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_07.png deleted file mode 100644 index df157145e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_08.png deleted file mode 100644 index 2e1f85b68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_09.png deleted file mode 100644 index b2bf9966e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_10.png deleted file mode 100644 index cd0161958..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_11.png deleted file mode 100644 index 099e23dfc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_12.png deleted file mode 100644 index dfdfb8bc8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_13.png deleted file mode 100644 index be05466d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_14.png deleted file mode 100644 index d8e1d7965..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_15.png deleted file mode 100644 index 885676d9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_16.png deleted file mode 100644 index 7d3b883eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_17.png deleted file mode 100644 index 400467d65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_18.png deleted file mode 100644 index 94380d725..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_19.png deleted file mode 100644 index 74298597d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_20.png deleted file mode 100644 index 3c695665c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character21/0930_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_01.png deleted file mode 100644 index e469b0078..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_02.png deleted file mode 100644 index eac9881cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_03.png deleted file mode 100644 index 30caf334f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_04.png deleted file mode 100644 index 2efc76c2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_05.png deleted file mode 100644 index 5d551c5a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_06.png deleted file mode 100644 index e5239764b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_07.png deleted file mode 100644 index 0a5cf9f93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_08.png deleted file mode 100644 index fe884116b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_09.png deleted file mode 100644 index 20ec89e8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_10.png deleted file mode 100644 index cf7fe9f4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_11.png deleted file mode 100644 index 30cf6f9d4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_12.png deleted file mode 100644 index 81b010080..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_13.png deleted file mode 100644 index 3f726e6ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_14.png deleted file mode 100644 index 508a175fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_15.png deleted file mode 100644 index 4e4d54521..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_16.png deleted file mode 100644 index d44161c76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_17.png deleted file mode 100644 index ba2530c40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_18.png deleted file mode 100644 index 00105f25c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_19.png deleted file mode 100644 index 23ef5bab9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_20.png deleted file mode 100644 index ba40eea05..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character22/0931_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_01.png deleted file mode 100644 index d127f0694..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_02.png deleted file mode 100644 index 5d20bf06b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_03.png deleted file mode 100644 index b93fd7fb8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_04.png deleted file mode 100644 index 520ed1c5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_05.png deleted file mode 100644 index 09dfccc8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_06.png deleted file mode 100644 index 488b8a5d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_07.png deleted file mode 100644 index ae9782ab9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_08.png deleted file mode 100644 index f8653bcad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_09.png deleted file mode 100644 index 63b82bed7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_10.png deleted file mode 100644 index 857bf7a40..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_11.png deleted file mode 100644 index 4955dc8bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_12.png deleted file mode 100644 index 046c515c6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_13.png deleted file mode 100644 index 2c4cac528..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_14.png deleted file mode 100644 index 961a5fb28..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_15.png deleted file mode 100644 index 7fecd93ad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_16.png deleted file mode 100644 index 0703f10b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_17.png deleted file mode 100644 index 1035c762a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_18.png deleted file mode 100644 index c6ed582ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_19.png deleted file mode 100644 index 096e0af8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_20.png deleted file mode 100644 index 93114418e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character23/0932_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_01.png deleted file mode 100644 index 092bbc9ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_02.png deleted file mode 100644 index 755aa83c3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_03.png deleted file mode 100644 index 03da8b8c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_04.png deleted file mode 100644 index a6a727d1d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_05.png deleted file mode 100644 index b3231a811..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_06.png deleted file mode 100644 index 85f5a7937..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_07.png deleted file mode 100644 index 46d1cb51b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_08.png deleted file mode 100644 index 966d411ec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_09.png deleted file mode 100644 index 8ae8fc92d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_10.png deleted file mode 100644 index 6ec260be4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_11.png deleted file mode 100644 index 7562f76d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_12.png deleted file mode 100644 index 0da242923..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_13.png deleted file mode 100644 index c2f8cd0a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_14.png deleted file mode 100644 index 4d0e05a2d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_15.png deleted file mode 100644 index c2ded8081..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_16.png deleted file mode 100644 index ae5a9640c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_17.png deleted file mode 100644 index 6fdcea65e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_18.png deleted file mode 100644 index a169fa313..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_19.png deleted file mode 100644 index 5dcc852cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_20.png deleted file mode 100644 index a58de3ab9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character24/0933_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_01.png deleted file mode 100644 index 809bee9e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_02.png deleted file mode 100644 index 411b3badf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_03.png deleted file mode 100644 index 052110ee4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_04.png deleted file mode 100644 index 5ae8b8d0e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_05.png deleted file mode 100644 index b243f8796..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_06.png deleted file mode 100644 index 2d657d03a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_07.png deleted file mode 100644 index b406608a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_08.png deleted file mode 100644 index 3dfba67bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_09.png deleted file mode 100644 index 7dbf8f8a9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_10.png deleted file mode 100644 index ca3841263..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_11.png deleted file mode 100644 index deb4e5aad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_12.png deleted file mode 100644 index 7e33c5426..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_13.png deleted file mode 100644 index ec55efea4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_14.png deleted file mode 100644 index 0171c82ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_15.png deleted file mode 100644 index bf2568971..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_16.png deleted file mode 100644 index 30fc562ce..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_17.png deleted file mode 100644 index cd740b2b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_18.png deleted file mode 100644 index cf1b95b63..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_19.png deleted file mode 100644 index 9e8ef698c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_20.png deleted file mode 100644 index 16eb5cabd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character25/0934_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_01.png deleted file mode 100644 index 727ace19e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_02.png deleted file mode 100644 index c14584d36..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_03.png deleted file mode 100644 index 54e547783..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_04.png deleted file mode 100644 index fb9d7bf68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_05.png deleted file mode 100644 index 4a99acbe7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_06.png deleted file mode 100644 index d50de9c3d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_07.png deleted file mode 100644 index 5d79f2894..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_08.png deleted file mode 100644 index 58b757cb7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_09.png deleted file mode 100644 index ce12c193e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_10.png deleted file mode 100644 index 01cbbd219..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_11.png deleted file mode 100644 index 254d8d1b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_12.png deleted file mode 100644 index cdcddd2b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_13.png deleted file mode 100644 index 0358466be..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_14.png deleted file mode 100644 index 0171fdc10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_15.png deleted file mode 100644 index c4a217948..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_16.png deleted file mode 100644 index 1043e1043..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_17.png deleted file mode 100644 index 4bb09f13f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_18.png deleted file mode 100644 index 9c7629f86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_19.png deleted file mode 100644 index 65eebca2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_20.png deleted file mode 100644 index c81112d66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character26/0935_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_01.png deleted file mode 100644 index 48f5763d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_02.png deleted file mode 100644 index 8add4420c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_03.png deleted file mode 100644 index 7a0f87119..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_04.png deleted file mode 100644 index 17ab06287..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_05.png deleted file mode 100644 index 9c1151a6f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_06.png deleted file mode 100644 index 98a3f61e8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_07.png deleted file mode 100644 index bac90018d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_08.png deleted file mode 100644 index a2e58a36f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_09.png deleted file mode 100644 index a39078385..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_10.png deleted file mode 100644 index 12911f93b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_11.png deleted file mode 100644 index 284b8099d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_12.png deleted file mode 100644 index 1e83dd389..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_13.png deleted file mode 100644 index 4d4a77b1e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_14.png deleted file mode 100644 index 15bd02591..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_15.png deleted file mode 100644 index 4b8149cb6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_16.png deleted file mode 100644 index 6dca507d2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_17.png deleted file mode 100644 index 3beadefb3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_18.png deleted file mode 100644 index 2bd6ccde8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_19.png deleted file mode 100644 index 5e83d769f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_20.png deleted file mode 100644 index 0eb78c6b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character27/0936_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_01.png deleted file mode 100644 index eb0d4afad..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_02.png deleted file mode 100644 index 97db98cf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_03.png deleted file mode 100644 index 80449ee8a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_04.png deleted file mode 100644 index 8bb252abc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_05.png deleted file mode 100644 index b8fb21707..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_06.png deleted file mode 100644 index 38cf20665..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_07.png deleted file mode 100644 index b96c6a0d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_08.png deleted file mode 100644 index f52eabd1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_09.png deleted file mode 100644 index 709d5264d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_10.png deleted file mode 100644 index b21359762..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_11.png deleted file mode 100644 index 7ee34a31d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_12.png deleted file mode 100644 index 3ce2e56fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_13.png deleted file mode 100644 index 048051dea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_14.png deleted file mode 100644 index 42bd19c88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_15.png deleted file mode 100644 index 9c9b81770..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_16.png deleted file mode 100644 index baa284b56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_17.png deleted file mode 100644 index e6eecc0a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_18.png deleted file mode 100644 index b4d95fb90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_19.png deleted file mode 100644 index f03098ef9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_20.png deleted file mode 100644 index d146e2e72..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character28/0937_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_01.png deleted file mode 100644 index c0ba6fca4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_02.png deleted file mode 100644 index a3768f480..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_03.png deleted file mode 100644 index 4bb3dae03..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_04.png deleted file mode 100644 index 2e17bc1d9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_05.png deleted file mode 100644 index 5bec4337f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_06.png deleted file mode 100644 index f0d711ea2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_07.png deleted file mode 100644 index 79b681e91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_08.png deleted file mode 100644 index 3eac038ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_09.png deleted file mode 100644 index 6a643c6a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_10.png deleted file mode 100644 index 6ac574b93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_11.png deleted file mode 100644 index d7c74529c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_12.png deleted file mode 100644 index 702086de3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_13.png deleted file mode 100644 index adc709309..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_14.png deleted file mode 100644 index 8915a4fb8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_15.png deleted file mode 100644 index 38f818c10..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_16.png deleted file mode 100644 index 464e6596c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_17.png deleted file mode 100644 index 1baa3d848..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_18.png deleted file mode 100644 index 3305b935e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_19.png deleted file mode 100644 index ecfe06676..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_20.png deleted file mode 100644 index ef9926f78..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character29/0938_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_01.png deleted file mode 100644 index 9ef05add9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_02.png deleted file mode 100644 index 1538b80ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_03.png deleted file mode 100644 index 409fcad7e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_04.png deleted file mode 100644 index 5324c70ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_05.png deleted file mode 100644 index e9f563c86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_06.png deleted file mode 100644 index 2e882103a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_07.png deleted file mode 100644 index c2ca96996..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_08.png deleted file mode 100644 index f9717985b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_09.png deleted file mode 100644 index 53e0e96e5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_10.png deleted file mode 100644 index a40966f24..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_11.png deleted file mode 100644 index fb31f1e90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_12.png deleted file mode 100644 index ccc8f6010..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_13.png deleted file mode 100644 index 8352a2a8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_14.png deleted file mode 100644 index 323765b2b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_15.png deleted file mode 100644 index 7e554041b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_16.png deleted file mode 100644 index 08e767acd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_17.png deleted file mode 100644 index d930e5a9c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_18.png deleted file mode 100644 index 8f0374a76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_19.png deleted file mode 100644 index 59eb8c726..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_20.png deleted file mode 100644 index 651176b59..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character30/0939_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_01.png deleted file mode 100644 index cb7028d26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_02.png deleted file mode 100644 index b0101fba8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_03.png deleted file mode 100644 index 40a280bf7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_04.png deleted file mode 100644 index abcdc471a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_05.png deleted file mode 100644 index 0d0ff97d6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_06.png deleted file mode 100644 index 8f9be8fcf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_07.png deleted file mode 100644 index 9dd2c5dd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_08.png deleted file mode 100644 index e90de73d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_09.png deleted file mode 100644 index 301666d9f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_10.png deleted file mode 100644 index 0d3575d60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_11.png deleted file mode 100644 index bbb8237e3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_12.png deleted file mode 100644 index 206877c70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_13.png deleted file mode 100644 index 1e92b88b2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_14.png deleted file mode 100644 index 775e481dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_15.png deleted file mode 100644 index 4ab461990..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_16.png deleted file mode 100644 index 7e3e4a1ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_17.png deleted file mode 100644 index 0484977df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_18.png deleted file mode 100644 index 0add89504..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_19.png deleted file mode 100644 index b0e7aa1fe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_20.png deleted file mode 100644 index db1640c4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character31/0940_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_01.png deleted file mode 100644 index ff35e09dc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_02.png deleted file mode 100644 index ce1185125..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_03.png deleted file mode 100644 index 07fc498a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_04.png deleted file mode 100644 index e1c58d138..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_05.png deleted file mode 100644 index 8968807da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_06.png deleted file mode 100644 index c47df79a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_07.png deleted file mode 100644 index ec574c57e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_08.png deleted file mode 100644 index 259a21fa9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_09.png deleted file mode 100644 index b7311dda1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_10.png deleted file mode 100644 index 95703e4da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_11.png deleted file mode 100644 index 0483d63ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_12.png deleted file mode 100644 index 422fa594a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_13.png deleted file mode 100644 index b751aabff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_14.png deleted file mode 100644 index f51c35e4f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_15.png deleted file mode 100644 index 73d5d66c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_16.png deleted file mode 100644 index 89244e894..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_17.png deleted file mode 100644 index 4de8b538d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_18.png deleted file mode 100644 index c5ccb884a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_19.png deleted file mode 100644 index 1c524b5a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_20.png deleted file mode 100644 index c5ecdea34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character32/0941_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_01.png deleted file mode 100644 index 7a274a5b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_02.png deleted file mode 100644 index 75e47f9f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_03.png deleted file mode 100644 index 5acff5119..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_04.png deleted file mode 100644 index 76c688676..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_05.png deleted file mode 100644 index b2bcd1eec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_06.png deleted file mode 100644 index 4e0590f30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_07.png deleted file mode 100644 index 5395fba96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_08.png deleted file mode 100644 index 6c3e0aa49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_09.png deleted file mode 100644 index bdcd4c268..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_10.png deleted file mode 100644 index 90e351374..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_11.png deleted file mode 100644 index 6f6c56818..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_12.png deleted file mode 100644 index c798540c7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_13.png deleted file mode 100644 index e6d5eb717..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_14.png deleted file mode 100644 index 4936a3e95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_15.png deleted file mode 100644 index ba3335deb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_16.png deleted file mode 100644 index 24cd06e42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_17.png deleted file mode 100644 index d06bbe0a2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_18.png deleted file mode 100644 index c4e52ad3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_19.png deleted file mode 100644 index d00485f08..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_20.png deleted file mode 100644 index 3d53ef5df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character33/0942_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_01.png deleted file mode 100644 index 4b68cf7cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_02.png deleted file mode 100644 index 887b027c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_03.png deleted file mode 100644 index edef7d31a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_04.png deleted file mode 100644 index 78aa5fba4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_05.png deleted file mode 100644 index 80f025030..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_06.png deleted file mode 100644 index b062bceba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_07.png deleted file mode 100644 index 9a51a5349..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_08.png deleted file mode 100644 index e454e0b89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_09.png deleted file mode 100644 index a151784b0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_10.png deleted file mode 100644 index d90812617..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_11.png deleted file mode 100644 index fee2a9c55..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_12.png deleted file mode 100644 index 5de5c99ef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_13.png deleted file mode 100644 index cc930d695..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_14.png deleted file mode 100644 index 4a1c6421d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_15.png deleted file mode 100644 index b9a0efa58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_16.png deleted file mode 100644 index 76ca4e93c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_17.png deleted file mode 100644 index 9accd8561..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_18.png deleted file mode 100644 index 9d5568041..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_19.png deleted file mode 100644 index a8d810e7f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_20.png deleted file mode 100644 index 7ea4ddcf1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character34/0943_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_01.png deleted file mode 100644 index 8833f5ef5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_02.png deleted file mode 100644 index e61f164a5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_03.png deleted file mode 100644 index 38cb2b8c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_04.png deleted file mode 100644 index 368045c97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_05.png deleted file mode 100644 index f262ee513..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_06.png deleted file mode 100644 index 18fbea1a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_07.png deleted file mode 100644 index 94144fb8e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_08.png deleted file mode 100644 index 45acfc559..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_09.png deleted file mode 100644 index 11acb62c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_10.png deleted file mode 100644 index ffa023e25..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_11.png deleted file mode 100644 index af4550c7a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_12.png deleted file mode 100644 index a10411c1b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_13.png deleted file mode 100644 index a78144e7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_14.png deleted file mode 100644 index 4f9087a60..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_15.png deleted file mode 100644 index 695c9981e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_16.png deleted file mode 100644 index 5885ed735..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_17.png deleted file mode 100644 index 6b776ce94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_18.png deleted file mode 100644 index f9ef9543c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_19.png deleted file mode 100644 index 182627398..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_20.png deleted file mode 100644 index 3363f936d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character35/0944_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_01.png deleted file mode 100644 index 71257916d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_02.png deleted file mode 100644 index 27cb95411..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_03.png deleted file mode 100644 index 0805da560..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_04.png deleted file mode 100644 index 81046ff00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_05.png deleted file mode 100644 index 140c5fe87..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_06.png deleted file mode 100644 index 4d0c15dac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_07.png deleted file mode 100644 index 83ee9af19..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_08.png deleted file mode 100644 index 249b9f98c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_09.png deleted file mode 100644 index 62b668718..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_10.png deleted file mode 100644 index 646a8f3f9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_11.png deleted file mode 100644 index 965f18d11..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_12.png deleted file mode 100644 index d3f839793..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_13.png deleted file mode 100644 index 94b782bcc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_14.png deleted file mode 100644 index 74f7362cb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_15.png deleted file mode 100644 index f27aa2740..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_16.png deleted file mode 100644 index f29b34ea3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_17.png deleted file mode 100644 index b468f3dfa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_18.png deleted file mode 100644 index 3d1ef9b5b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_19.png deleted file mode 100644 index f48c86b01..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_20.png deleted file mode 100644 index 471d5b8b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character36/0945_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_01.png deleted file mode 100644 index 071b953fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_02.png deleted file mode 100644 index e2655ee2f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_03.png deleted file mode 100644 index 68952d10d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_04.png deleted file mode 100644 index 0e11e6678..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_05.png deleted file mode 100644 index 16b155bef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_06.png deleted file mode 100644 index 1ed0d3301..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_07.png deleted file mode 100644 index 52aaaf36d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_08.png deleted file mode 100644 index 8660a9cc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_09.png deleted file mode 100644 index fbcc338b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_10.png deleted file mode 100644 index 319453b90..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_11.png deleted file mode 100644 index dbe4f131c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_12.png deleted file mode 100644 index ffe5dd07b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_13.png deleted file mode 100644 index 80c4c44fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_14.png deleted file mode 100644 index 1bc197be1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_15.png deleted file mode 100644 index 64fe65824..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_16.png deleted file mode 100644 index 223c8531b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_17.png deleted file mode 100644 index 07c2aa0dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_18.png deleted file mode 100644 index 10c9ed72f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_19.png deleted file mode 100644 index d02fe0ede..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_20.png deleted file mode 100644 index 7f59d2a65..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character37/0946_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_01.png deleted file mode 100644 index 2b75f6a6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_02.png deleted file mode 100644 index 1389f12e9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_03.png deleted file mode 100644 index 0c003d8da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_04.png deleted file mode 100644 index 6cbdd1d32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_05.png deleted file mode 100644 index 70cdb0668..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_06.png deleted file mode 100644 index da43d4a93..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_07.png deleted file mode 100644 index e7398953e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_08.png deleted file mode 100644 index eb5fa5a31..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_09.png deleted file mode 100644 index 24b6f97a6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_10.png deleted file mode 100644 index b2e28c04c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_11.png deleted file mode 100644 index 9056b68ac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_12.png deleted file mode 100644 index ffc500479..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_13.png deleted file mode 100644 index 3fa6c2678..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_14.png deleted file mode 100644 index 9105504d5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_15.png deleted file mode 100644 index d909cf0f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_16.png deleted file mode 100644 index 1de61959a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_17.png deleted file mode 100644 index 7f91d7c58..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_18.png deleted file mode 100644 index a6428ce97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_19.png deleted file mode 100644 index 19451b6ff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_20.png deleted file mode 100644 index 59b2d2625..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character38/0947_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_01.png deleted file mode 100644 index db3312911..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_02.png deleted file mode 100644 index 808244e47..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_03.png deleted file mode 100644 index dc8c6a75d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_04.png deleted file mode 100644 index b33d5ffc6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_05.png deleted file mode 100644 index 351273055..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_06.png deleted file mode 100644 index 0add043b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_07.png deleted file mode 100644 index b0a613747..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_08.png deleted file mode 100644 index 1a1dba763..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_09.png deleted file mode 100644 index d1fa85ed0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_10.png deleted file mode 100644 index b6e1a0f32..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_11.png deleted file mode 100644 index d84a9c74e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_12.png deleted file mode 100644 index 0d0b66cc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_13.png deleted file mode 100644 index ce4a0ce97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_14.png deleted file mode 100644 index 8cb858f3c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_15.png deleted file mode 100644 index 6b94439fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_16.png deleted file mode 100644 index 6c4827291..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_17.png deleted file mode 100644 index 09bc68498..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_18.png deleted file mode 100644 index daa6d65a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_19.png deleted file mode 100644 index d6ab3e690..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_20.png deleted file mode 100644 index 9d32caf06..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character39/0948_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_01.png deleted file mode 100644 index 8b2a499ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_02.png deleted file mode 100644 index e604a744c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_03.png deleted file mode 100644 index 667442244..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_04.png deleted file mode 100644 index 2e36ddd4a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_05.png deleted file mode 100644 index 5ad67cccc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_06.png deleted file mode 100644 index 1a64ca793..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_07.png deleted file mode 100644 index 29095b043..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_08.png deleted file mode 100644 index 586aff2f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_09.png deleted file mode 100644 index 82d7508a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_10.png deleted file mode 100644 index 23e8f9a70..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_11.png deleted file mode 100644 index ac57ef8a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_12.png deleted file mode 100644 index 3327ae0ab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_13.png deleted file mode 100644 index 8faf6cad7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_14.png deleted file mode 100644 index d2b498bac..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_15.png deleted file mode 100644 index fb3843bd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_16.png deleted file mode 100644 index 7fb5c2f64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_17.png deleted file mode 100644 index 7ac0ce229..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_18.png deleted file mode 100644 index 3738bd884..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_19.png deleted file mode 100644 index 27e74501a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_20.png deleted file mode 100644 index d02421290..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character40/0949_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_01.png deleted file mode 100644 index f152e459e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_02.png deleted file mode 100644 index 0a455be37..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_03.png deleted file mode 100644 index aeb798d68..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_04.png deleted file mode 100644 index 1715b9ea9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_05.png deleted file mode 100644 index cd7e9a338..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_06.png deleted file mode 100644 index 97a1523b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_07.png deleted file mode 100644 index 1d3594d86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_08.png deleted file mode 100644 index a29762d20..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_09.png deleted file mode 100644 index 9f6af0d6c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_10.png deleted file mode 100644 index c83acbffb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_11.png deleted file mode 100644 index 2d88a1854..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_12.png deleted file mode 100644 index 259c2e0d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_13.png deleted file mode 100644 index 678f1c5bc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_14.png deleted file mode 100644 index 3b8ccb0fc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_15.png deleted file mode 100644 index 9809a38aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_16.png deleted file mode 100644 index 3d745abc1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_17.png deleted file mode 100644 index d7d987f9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_18.png deleted file mode 100644 index 78f3a5418..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_19.png deleted file mode 100644 index f60473ae5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_20.png deleted file mode 100644 index d1fbbcac6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character41/0950_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_01.png deleted file mode 100644 index 613914603..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_02.png deleted file mode 100644 index 6faa1b8a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_03.png deleted file mode 100644 index 8e58ab7a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_04.png deleted file mode 100644 index a08722002..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_05.png deleted file mode 100644 index ac3a5a35e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_06.png deleted file mode 100644 index e24f6393c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_07.png deleted file mode 100644 index 1a0d36b42..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_08.png deleted file mode 100644 index 900fbf116..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_09.png deleted file mode 100644 index 78a9ee2a7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_10.png deleted file mode 100644 index 813ffd815..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_11.png deleted file mode 100644 index 892ba5076..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_12.png deleted file mode 100644 index 885d3aa26..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_13.png deleted file mode 100644 index 1655da707..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_14.png deleted file mode 100644 index ef85a77ca..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_15.png deleted file mode 100644 index 2adf06b1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_16.png deleted file mode 100644 index ec7b87a85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_17.png deleted file mode 100644 index 2a7b33e49..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_18.png deleted file mode 100644 index 601df0466..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_19.png deleted file mode 100644 index d141e81f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_20.png deleted file mode 100644 index fa216e7cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character42/0951_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_01.png deleted file mode 100644 index 3ee958602..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_02.png deleted file mode 100644 index 76119d716..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_03.png deleted file mode 100644 index 41bbb8ca1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_04.png deleted file mode 100644 index 666680535..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_05.png deleted file mode 100644 index 7ca8adb6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_06.png deleted file mode 100644 index 9f0520345..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_07.png deleted file mode 100644 index a8373bc82..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_08.png deleted file mode 100644 index a077f3f9a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_09.png deleted file mode 100644 index 9c807e169..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_10.png deleted file mode 100644 index 0f9504585..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_11.png deleted file mode 100644 index 8cfa73ad3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_12.png deleted file mode 100644 index cf008c2cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_13.png deleted file mode 100644 index 6140ab83d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_14.png deleted file mode 100644 index 558d72b6d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_15.png deleted file mode 100644 index 5446fba96..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_16.png deleted file mode 100644 index dee39051f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_17.png deleted file mode 100644 index 042711e5a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_18.png deleted file mode 100644 index def4361a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_19.png deleted file mode 100644 index 725905f34..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_20.png deleted file mode 100644 index 104934776..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character43/0952_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_01.png deleted file mode 100644 index 8388839f3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_02.png deleted file mode 100644 index 74dbccd89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_03.png deleted file mode 100644 index a94d96812..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_04.png deleted file mode 100644 index a3d0b5694..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_05.png deleted file mode 100644 index c24049e51..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_06.png deleted file mode 100644 index 496170931..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_07.png deleted file mode 100644 index a066465e1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_08.png deleted file mode 100644 index dcd17cd4c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_09.png deleted file mode 100644 index de1fdfc1a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_10.png deleted file mode 100644 index e3f77488c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_11.png deleted file mode 100644 index 22c783ee3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_12.png deleted file mode 100644 index 0ef031310..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_13.png deleted file mode 100644 index 51e4316fb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_14.png deleted file mode 100644 index f93e8d02e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_15.png deleted file mode 100644 index 7782420df..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_16.png deleted file mode 100644 index b6bfa57c8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_17.png deleted file mode 100644 index 784f7f465..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_18.png deleted file mode 100644 index 8e0f0f32d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_19.png deleted file mode 100644 index 402adff9b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_20.png deleted file mode 100644 index 310a2acd6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character44/0953_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_01.png deleted file mode 100644 index 10099db8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_02.png deleted file mode 100644 index bff0bc0a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_03.png deleted file mode 100644 index a55fd36b8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_04.png deleted file mode 100644 index a41ac1646..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_05.png deleted file mode 100644 index 8fa450645..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_06.png deleted file mode 100644 index 70979919e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_07.png deleted file mode 100644 index 9ba004b75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_08.png deleted file mode 100644 index c983b1f54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_09.png deleted file mode 100644 index 85274ca1f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_10.png deleted file mode 100644 index d13be82da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_11.png deleted file mode 100644 index 3b9a41082..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_12.png deleted file mode 100644 index b7828ecf6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_13.png deleted file mode 100644 index e7e2c41e2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_14.png deleted file mode 100644 index b425f396b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_15.png deleted file mode 100644 index d2528871f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_16.png deleted file mode 100644 index b37086bec..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_17.png deleted file mode 100644 index d546b6594..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_18.png deleted file mode 100644 index b06bc8073..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_19.png deleted file mode 100644 index c01fbb003..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_20.png deleted file mode 100644 index fe7290bf5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character45/0954_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_01.png deleted file mode 100644 index 70df41048..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_02.png deleted file mode 100644 index df0b81ce4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_03.png deleted file mode 100644 index b34c0a32a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_04.png deleted file mode 100644 index 061d80e3b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_05.png deleted file mode 100644 index 3f72aee95..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_06.png deleted file mode 100644 index b6e6650ba..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_07.png deleted file mode 100644 index a6c9770cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_08.png deleted file mode 100644 index 96379290b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_09.png deleted file mode 100644 index 18c3be158..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_10.png deleted file mode 100644 index 3746cbb4e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_11.png deleted file mode 100644 index 811b22e54..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_12.png deleted file mode 100644 index 9e8f0c63d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_13.png deleted file mode 100644 index 352bfdfae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_14.png deleted file mode 100644 index 7f6e796b9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_15.png deleted file mode 100644 index e1b85af29..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_16.png deleted file mode 100644 index 6cbb4bb56..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_17.png deleted file mode 100644 index 79a25153e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_18.png deleted file mode 100644 index 2f51340a8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_19.png deleted file mode 100644 index ceac11b91..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_20.png deleted file mode 100644 index 35ac2a9bf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character46/0955_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_01.png deleted file mode 100644 index ae85b4ebe..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_02.png deleted file mode 100644 index 2df3b107d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_03.png deleted file mode 100644 index 20439335a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_04.png deleted file mode 100644 index 05045f7dd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_05.png deleted file mode 100644 index e00f64738..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_06.png deleted file mode 100644 index e50038183..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_07.png deleted file mode 100644 index 1fce9a52d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_08.png deleted file mode 100644 index 757b76790..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_09.png deleted file mode 100644 index f503accf2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_10.png deleted file mode 100644 index e4cfc5404..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_11.png deleted file mode 100644 index ddae26425..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_12.png deleted file mode 100644 index 999018abd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_13.png deleted file mode 100644 index 232bc0c8c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_14.png deleted file mode 100644 index f3676caf0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_15.png deleted file mode 100644 index 95a8b1594..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_16.png deleted file mode 100644 index caa459983..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_17.png deleted file mode 100644 index e95601b00..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_18.png deleted file mode 100644 index 7ff7cef88..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_19.png deleted file mode 100644 index 5cacb23fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_20.png deleted file mode 100644 index edd0dd7b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character47/0956_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_01.png deleted file mode 100644 index 8da1289b7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_02.png deleted file mode 100644 index 63a60c38a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_03.png deleted file mode 100644 index 54f43933f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_04.png deleted file mode 100644 index 3f9af3308..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_05.png deleted file mode 100644 index 9e2670e8b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_06.png deleted file mode 100644 index 554042834..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_07.png deleted file mode 100644 index 0a7180390..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_08.png deleted file mode 100644 index f3959d569..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_09.png deleted file mode 100644 index 135b89b13..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_10.png deleted file mode 100644 index a3e5dbc66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_11.png deleted file mode 100644 index be57dc8f4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_12.png deleted file mode 100644 index 04836c2f0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_13.png deleted file mode 100644 index acd436ec6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_14.png deleted file mode 100644 index 7f57c93bd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_15.png deleted file mode 100644 index c953418cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_16.png deleted file mode 100644 index e7cec3734..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_17.png deleted file mode 100644 index 91b7dcbd9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_18.png deleted file mode 100644 index 6f2c2ef5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_19.png deleted file mode 100644 index 56353fdc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_20.png deleted file mode 100644 index b5f99dcf7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character48/0957_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_01.png deleted file mode 100644 index 2915e258a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_02.png deleted file mode 100644 index b49e7b84b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_03.png deleted file mode 100644 index c121122b4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_04.png deleted file mode 100644 index da2db3be4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_05.png deleted file mode 100644 index 9b7b4afe6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_06.png deleted file mode 100644 index e48774b6a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_07.png deleted file mode 100644 index 29b80d939..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_08.png deleted file mode 100644 index 4a42ba7c4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_09.png deleted file mode 100644 index 1838f3bb5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_10.png deleted file mode 100644 index 411c827a1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_11.png deleted file mode 100644 index 8954fe102..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_12.png deleted file mode 100644 index 187325375..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_13.png deleted file mode 100644 index 1c7320473..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_14.png deleted file mode 100644 index 30190e0d3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_15.png deleted file mode 100644 index e3baa94eb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_16.png deleted file mode 100644 index c62a69910..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_17.png deleted file mode 100644 index 97ad2540c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_18.png deleted file mode 100644 index ba1fb12e6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_19.png deleted file mode 100644 index 99986d9d1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_20.png deleted file mode 100644 index 9848c4262..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character49/0958_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_01.png deleted file mode 100644 index 680075e76..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_02.png deleted file mode 100644 index 148eaecf1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_03.png deleted file mode 100644 index d17417253..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_04.png deleted file mode 100644 index 58e2b3d2a..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_05.png deleted file mode 100644 index 040f71c18..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_06.png deleted file mode 100644 index 0dd537fab..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_07.png deleted file mode 100644 index 77d4305fd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_08.png deleted file mode 100644 index 1d73a889d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_09.png deleted file mode 100644 index 5d7285ee4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_10.png deleted file mode 100644 index fc14d9cc8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_11.png deleted file mode 100644 index a259bfdc5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_12.png deleted file mode 100644 index b6488ce97..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_13.png deleted file mode 100644 index bf4ac9f75..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_14.png deleted file mode 100644 index d6b56fa94..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_15.png deleted file mode 100644 index cf20d2f30..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_16.png deleted file mode 100644 index 9db9b60db..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_17.png deleted file mode 100644 index 019d81587..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_18.png deleted file mode 100644 index b32f8fb89..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_19.png deleted file mode 100644 index cb9387c77..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_20.png deleted file mode 100644 index c9833d016..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character50/0959_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_01.png deleted file mode 100644 index 5116b796c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_02.png deleted file mode 100644 index 087495da1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_03.png deleted file mode 100644 index 9d4f7b8f8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_04.png deleted file mode 100644 index b93b189fa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_05.png deleted file mode 100644 index 9c857f833..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_06.png deleted file mode 100644 index 079c5f522..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_07.png deleted file mode 100644 index d15595e64..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_08.png deleted file mode 100644 index 1d6728da2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_09.png deleted file mode 100644 index d5143f4b5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_10.png deleted file mode 100644 index c68e4e9aa..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_11.png deleted file mode 100644 index e44970ec8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_12.png deleted file mode 100644 index 75a78cb61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_13.png deleted file mode 100644 index 927c49ab3..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_14.png deleted file mode 100644 index 2a0acc71d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_15.png deleted file mode 100644 index a432c5e39..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_16.png deleted file mode 100644 index b2c23cc85..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_17.png deleted file mode 100644 index 01914b55f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_18.png deleted file mode 100644 index 21a5f2794..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_19.png deleted file mode 100644 index 6e326208c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_20.png deleted file mode 100644 index 1b6aa5350..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character51/0960_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_01.png deleted file mode 100644 index a11033e7d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_02.png deleted file mode 100644 index 43fb38edf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_03.png deleted file mode 100644 index f2a261f46..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_04.png deleted file mode 100644 index abafb1cae..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_05.png deleted file mode 100644 index b99197664..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_06.png deleted file mode 100644 index b5f022177..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_07.png deleted file mode 100644 index 19e47d309..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_08.png deleted file mode 100644 index 6e675c4bb..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_09.png deleted file mode 100644 index be9d587c5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_10.png deleted file mode 100644 index 60152d7cc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_11.png deleted file mode 100644 index 679696349..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_12.png deleted file mode 100644 index 5c27f74d0..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_13.png deleted file mode 100644 index b6f94f71c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_14.png deleted file mode 100644 index d4910c570..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_15.png deleted file mode 100644 index aa4323143..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_16.png deleted file mode 100644 index 2c5464f41..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_17.png deleted file mode 100644 index 2a962d2a4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_18.png deleted file mode 100644 index 7c13d0a09..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_19.png deleted file mode 100644 index 2ce3b0835..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_20.png deleted file mode 100644 index 8be4f5f62..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character52/0961_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_01.png deleted file mode 100644 index 17618b54b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_02.png deleted file mode 100644 index 84d875bdc..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_03.png deleted file mode 100644 index 55222cdb8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_04.png deleted file mode 100644 index 0c45e4c50..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_05.png deleted file mode 100644 index a859e534f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_06.png deleted file mode 100644 index 4c18cfbc2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_07.png deleted file mode 100644 index 7de775853..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_08.png deleted file mode 100644 index aa2f4426f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_09.png deleted file mode 100644 index 5bd4f04b1..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_10.png deleted file mode 100644 index 4b4f15434..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_11.png deleted file mode 100644 index b748337de..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_12.png deleted file mode 100644 index 8a7f45802..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_13.png deleted file mode 100644 index 5ac418795..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_14.png deleted file mode 100644 index bf82f8260..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_15.png deleted file mode 100644 index 81772b780..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_16.png deleted file mode 100644 index d1185feff..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_17.png deleted file mode 100644 index 5f67d29f7..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_18.png deleted file mode 100644 index 5183239c9..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_19.png deleted file mode 100644 index ff1332876..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_20.png deleted file mode 100644 index 47887bfb4..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character53/0962_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_01.png deleted file mode 100644 index 8614e503f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_02.png deleted file mode 100644 index 036c0465d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_03.png deleted file mode 100644 index b7d63a5cd..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_04.png deleted file mode 100644 index e06ec64da..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_05.png deleted file mode 100644 index e8fa50c5e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_06.png deleted file mode 100644 index 6ed452b8f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_07.png deleted file mode 100644 index 0133bb6f2..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_08.png deleted file mode 100644 index 00f5b6b61..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_09.png deleted file mode 100644 index 1211fd1ea..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_10.png deleted file mode 100644 index 1db81b1cf..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_11.png deleted file mode 100644 index 02d021510..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_12.png deleted file mode 100644 index 812cfb9d8..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_13.png deleted file mode 100644 index 07b8b97f5..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_14.png deleted file mode 100644 index 56fa1f037..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_15.png deleted file mode 100644 index 283d2f994..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_16.png deleted file mode 100644 index 6ecc8e945..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_17.png deleted file mode 100644 index cf7f23e17..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_18.png deleted file mode 100644 index 8fce54240..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_19.png deleted file mode 100644 index 283e2e56d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_20.png deleted file mode 100644 index 1aa49de43..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character54/0963_20.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_01.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_01.png deleted file mode 100644 index 8db8cabef..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_01.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_02.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_02.png deleted file mode 100644 index 0bb713220..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_02.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_03.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_03.png deleted file mode 100644 index 9d3adb3ee..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_03.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_04.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_04.png deleted file mode 100644 index 0b969d42f..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_04.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_05.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_05.png deleted file mode 100644 index 83d1e737e..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_05.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_06.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_06.png deleted file mode 100644 index 14e10413b..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_06.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_07.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_07.png deleted file mode 100644 index f56d88136..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_07.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_08.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_08.png deleted file mode 100644 index 948a3d437..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_08.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_09.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_09.png deleted file mode 100644 index c7f981d5d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_09.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_10.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_10.png deleted file mode 100644 index 2c0fd6f66..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_10.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_11.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_11.png deleted file mode 100644 index a51e6d96c..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_11.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_12.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_12.png deleted file mode 100644 index f074d0b86..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_12.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_13.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_13.png deleted file mode 100644 index d0241b360..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_13.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_14.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_14.png deleted file mode 100644 index 82453f33d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_14.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_15.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_15.png deleted file mode 100644 index 4b26fbc4d..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_15.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_16.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_16.png deleted file mode 100644 index 0afdd6304..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_16.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_17.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_17.png deleted file mode 100644 index e7dc42973..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_17.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_18.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_18.png deleted file mode 100644 index 37c30d204..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_18.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_19.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_19.png deleted file mode 100644 index ea463b3b6..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_19.png and /dev/null differ diff --git a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_20.png b/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_20.png deleted file mode 100644 index 1376b9d98..000000000 Binary files a/tutorials/W1D1_Generalization/path_to_store_data/omniglot-py/images_background/Tifinagh/character55/0964_20.png and /dev/null differ diff --git a/tutorials/materials.yml b/tutorials/materials.yml index 35fc7d4fd..c7a502077 100644 --- a/tutorials/materials.yml +++ b/tutorials/materials.yml @@ -26,61 +26,7 @@ title: Reading - link: https://mfr.ca-1.osf.io/render?url=https://osf.io/5vj73/?direct%26mode=render%26action=download%26mode=render title: TA - tutorials: 6 - -- day: Bonus - category: Course Content Template Instructions - name: Bonus Content tutorials: 3 -#- day: W*number of week*D*number of day* #e.g., W1D1 -- day: W1D2 - category: Insert Category Name Here #e.g.,Intro to Modeling - intro: https://www.youtube.com/watch?v=KxldhMR5PxA - intro_bilibili: https://www.bilibili.com/video/BV1HT4y1E7U4/ - name: Template #e.g., Model Types - outro: https://www.youtube.com/watch?v=KZQXfQL1SH4 - outro_bilibili: https://www.bilibili.com/video/BV1vv411i7SG/ - playlist: https://www.youtube.com/playlist?list=PLkBQOLLbi18ObAiSOZ42YBwOQIKNvspeI - #qa: #insert as many as Q&A video links as needed - #- Insert Q&A video link 1 here #e.g., https://www.youtube.com/watch?v=FwsKmunwzUA - #- Insert Q&A video link 2 here #e.g., https://www.youtube.com/watch?v=h63bKG0-h_w - #- Insert Q&A video link 3 here #e.g., https://www.youtube.com/watch?v=8h0X9lxY8Bs - - - slides: #insert as many as slides links and titles as needed - - link: https://mfr.ca-1.osf.io/render?url=https://osf.io/rbx2a/?direct%26mode=render%26action=download%26mode=render - title: Intro - - link: https://mfr.ca-1.osf.io/render?url=https://osf.io/6dxwe/?direct%26mode=render%26action=download%26mode=render - title: Tutorials - - link: https://mfr.ca-1.osf.io/render?url=https://osf.io/jdumz/?direct%26mode=render%26action=download%26mode=render - title: DaySummary - - link: https://mfr.ca-1.osf.io/render?url=https://osf.io/9hkg2/?direct%26mode=render%26action=download%26mode=render - title: Outro - - link: https://mfr.ca-1.osf.io/render?url=https://osf.io/2esh5/?direct%26mode=render%26action=download%26mode=render - title: Reading - - link: https://mfr.ca-1.osf.io/render?url=https://osf.io/5vj73/?direct%26mode=render%26action=download%26mode=render - title: TA - tutorials: 1 - - - -# #Do the same for all other week/day -# - day: W1D2 -# category: -# intro: -# intro_bilibili: -# name: -# outro: -# outro_bilibili: -# playlist: -# qa: -# - https:// -# slides: -# - link: -# title: -# - link: -# title: -# tutorials: